diff --git a/.github/workflows/pre_merge.yml b/.github/workflows/pre_merge.yml index 2f54a0e9e2..c0865c3399 100644 --- a/.github/workflows/pre_merge.yml +++ b/.github/workflows/pre_merge.yml @@ -30,7 +30,7 @@ jobs: - name: Set up Python uses: actions/setup-python@e797f83bcb11b83ae66e0230d6156d7c80228e7c # v6 with: - python-version: "3.10" + python-version: "3.13" - name: Install Tox run: pip install tox - name: Code quality checks @@ -45,6 +45,8 @@ jobs: include: - python-version: "3.10" tox-env: "py310" + - python-version: "3.13" + tox-env: "py313" steps: - name: Checkout repository uses: actions/checkout@08c6903cd8c0fde910a37f88322edcfb5dd907a8 # v5 diff --git a/docs/source/markdown/guides/developer/contributing.md b/docs/source/markdown/guides/developer/contributing.md index 78a51fa3ea..7a906aa5d6 100644 --- a/docs/source/markdown/guides/developer/contributing.md +++ b/docs/source/markdown/guides/developer/contributing.md @@ -18,7 +18,7 @@ Set up your development environment to start contributing. This involves install 1. Create and activate a new Conda environment: ```bash - conda create -n anomalib_dev python=3.10 + conda create -n anomalib_dev python>=3.10 conda activate anomalib_dev ``` diff --git a/docs/source/snippets/install/source.txt b/docs/source/snippets/install/source.txt index 165ee78c38..d7b5e983aa 100644 --- a/docs/source/snippets/install/source.txt +++ b/docs/source/snippets/install/source.txt @@ -1,6 +1,6 @@ # Use of virtual environment is highy recommended # Using conda -yes | conda create -n anomalib_env python=3.10 +yes | conda create -n anomalib_env python>=3.10 conda activate anomalib_env # Or using your favorite virtual environment diff --git a/pyproject.toml b/pyproject.toml index 15c283f41e..82a249fe0c 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -18,10 +18,10 @@ classifiers = [ "Intended Audience :: Developers", "License :: OSI Approved :: Apache Software License", "Programming Language :: Python", - "Programming Language :: Python :: 3", "Programming Language :: Python :: 3.10", "Programming Language :: Python :: 3.11", "Programming Language :: Python :: 3.12", + "Programming Language :: Python :: 3.13", "Topic :: Software Development :: Libraries", "Topic :: Scientific/Engineering :: Artificial Intelligence", ] @@ -100,19 +100,19 @@ test = [ ] # PyTorch dependency groups cpu = [ - "torch>=2.4.0,<=2.8.0", + "torch>=2.4.0", "torchvision>=0.19.0", ] cu118 = [ - "torch>=2.4.0,<=2.8.0", - "torchvision>=0.19.0", + "torch>=2.4.0,<=2.5.1 ; python_version < '3.13'", + "torchvision>=0.19.0 ; python_version < '3.13'", ] cu121 = [ - "torch>=2.4.0,<=2.8.0", - "torchvision>=0.19.0", + "torch>=2.4.0 ; python_version < '3.13'", + "torchvision>=0.19.0 ; python_version < '3.13'", ] cu124 = [ - "torch>=2.4.0,<=2.8.0", + "torch>=2.4.0", "torchvision>=0.19.0", ] cu130 = [ @@ -238,6 +238,44 @@ pytorch-triton-xpu = [ # Enable preview features preview = true +# Exclude a variety of commonly ignored directories. +exclude = [ + ".bzr", + ".direnv", + ".eggs", + ".git", + ".hg", + ".mypy_cache", + ".nox", + ".pants.d", + ".pytype", + ".ruff_cache", + ".svn", + ".tox", + ".venv", + "__pypackages__", + "_build", + "buck-out", + "build", + "dist", + "node_modules", + "venv", +] + +# Same as Black. +line-length = 120 + +# Assume Python 3.10. +target-version = "py310" + +# Allow imports relative to the "src" and "tests" directories. +src = ["src", "tests"] + +[tool.ruff.lint] + +# Allow unused variables when underscore-prefixed. +dummy-variable-rgx = "^(_+|(_+[a-zA-Z0-9_]*[a-zA-Z0-9]+?))$" + # Enable rules select = [ "F", # Pyflakes (`F`) @@ -292,6 +330,7 @@ select = [ ignore = [ # pydocstyle + "COM812", "D107", # Missing docstring in __init__ # pylint @@ -346,57 +385,21 @@ ignore = [ fixable = ["ALL"] unfixable = [] -# Exclude a variety of commonly ignored directories. -exclude = [ - ".bzr", - ".direnv", - ".eggs", - ".git", - ".hg", - ".mypy_cache", - ".nox", - ".pants.d", - ".pytype", - ".ruff_cache", - ".svn", - ".tox", - ".venv", - "__pypackages__", - "_build", - "buck-out", - "build", - "dist", - "node_modules", - "venv", -] - -# Same as Black. -line-length = 120 - -# Allow unused variables when underscore-prefixed. -dummy-variable-rgx = "^(_+|(_+[a-zA-Z0-9_]*[a-zA-Z0-9]+?))$" - -# Assume Python 3.10. -target-version = "py310" - -# Allow imports relative to the "src" and "tests" directories. -src = ["src", "tests"] - -[tool.ruff.mccabe] +[tool.ruff.lint.mccabe] # Unlike Flake8, default to a complexity level of 10. max-complexity = 15 -[tool.ruff.pydocstyle] +[tool.ruff.lint.pydocstyle] convention = "google" -[tool.ruff.flake8-copyright] +[tool.ruff.lint.flake8-copyright] notice-rgx = """ # Copyright \\(C\\) (\\d{4}(-\\d{4})?) Intel Corporation # SPDX-License-Identifier: Apache-2\\.0 """ -[tool.ruff.per-file-ignores] +[tool.ruff.lint.per-file-ignores] "examples/notebooks/**/*" = ["CPY001"] # # # # # # # # # # # # # # # # # # # # # # # # # # # # # # # # # # # # # # # # diff --git a/src/anomalib/__init__.py b/src/anomalib/__init__.py index 52bf22d5e4..6d8554e277 100644 --- a/src/anomalib/__init__.py +++ b/src/anomalib/__init__.py @@ -32,12 +32,12 @@ with a focus on reproducibility and ease of use. """ -from enum import Enum +from enum import StrEnum __version__ = "2.3.0dev" -class LearningType(str, Enum): +class LearningType(StrEnum): """Learning type defining how the model learns from the dataset samples. This enum defines the different learning paradigms supported by anomalib models: @@ -62,7 +62,7 @@ class LearningType(str, Enum): FEW_SHOT = "few_shot" -class TaskType(str, Enum): +class TaskType(StrEnum): """Task type defining the model's prediction output format. This enum defines the different task types supported by anomalib models: @@ -88,7 +88,7 @@ class TaskType(str, Enum): SEGMENTATION = "segmentation" -class PrecisionType(str, Enum): +class PrecisionType(StrEnum): """Precision type defining the numerical precision used in model computations. This enum defines the different precision types supported by anomalib models: diff --git a/src/anomalib/data/dataclasses/numpy/depth.py b/src/anomalib/data/dataclasses/numpy/depth.py index 4b239761cf..31e6458215 100644 --- a/src/anomalib/data/dataclasses/numpy/depth.py +++ b/src/anomalib/data/dataclasses/numpy/depth.py @@ -26,7 +26,9 @@ (224, 224) """ +from collections.abc import Callable from dataclasses import dataclass +from typing import ClassVar import numpy as np @@ -65,6 +67,7 @@ class NumpyDepthItem( """ +@dataclass class NumpyDepthBatch( BatchIterateMixin[NumpyDepthItem], NumpyDepthBatchValidator, @@ -87,4 +90,4 @@ class NumpyDepthBatch( tensor-like fields. """ - item_class = NumpyDepthItem + item_class: ClassVar[Callable] = NumpyDepthItem diff --git a/src/anomalib/data/dataclasses/torch/base.py b/src/anomalib/data/dataclasses/torch/base.py index 51bf0b0433..e159f4e36a 100644 --- a/src/anomalib/data/dataclasses/torch/base.py +++ b/src/anomalib/data/dataclasses/torch/base.py @@ -20,8 +20,6 @@ from anomalib.data.dataclasses.generic import ImageT, _GenericBatch, _GenericItem -NumpyT = TypeVar("NumpyT") - class InferenceBatch(NamedTuple): """Batch for use in torch and inference models. @@ -43,6 +41,9 @@ class InferenceBatch(NamedTuple): pred_mask: torch.Tensor | None = None +NumpyT = TypeVar("NumpyT") + + @dataclass class ToNumpyMixin(Generic[NumpyT]): """Mixin for converting torch-based dataclasses to numpy. diff --git a/src/anomalib/data/datamodules/depth/__init__.py b/src/anomalib/data/datamodules/depth/__init__.py index 98256e3f77..8b3d1fc88e 100644 --- a/src/anomalib/data/datamodules/depth/__init__.py +++ b/src/anomalib/data/datamodules/depth/__init__.py @@ -3,14 +3,14 @@ """Anomalib Depth Data Modules.""" -from enum import Enum +from enum import StrEnum from .adam_3d import ADAM3D from .folder_3d import Folder3D from .mvtec_3d import MVTec3D -class DepthDataFormat(str, Enum): +class DepthDataFormat(StrEnum): """Supported Depth Dataset Types.""" MVTEC_3D = "mvtec_3d" diff --git a/src/anomalib/data/datamodules/image/__init__.py b/src/anomalib/data/datamodules/image/__init__.py index a7a8d10c28..5b70d5c1e8 100644 --- a/src/anomalib/data/datamodules/image/__init__.py +++ b/src/anomalib/data/datamodules/image/__init__.py @@ -29,7 +29,7 @@ ... ) """ -from enum import Enum +from enum import StrEnum from .bmad import BMAD from .btech import BTech @@ -46,7 +46,7 @@ from .visa import Visa -class ImageDataFormat(str, Enum): +class ImageDataFormat(StrEnum): """Supported Image Dataset Types. The following dataset formats are supported: diff --git a/src/anomalib/data/datamodules/video/__init__.py b/src/anomalib/data/datamodules/video/__init__.py index 535c1fd720..8a25101600 100644 --- a/src/anomalib/data/datamodules/video/__init__.py +++ b/src/anomalib/data/datamodules/video/__init__.py @@ -21,14 +21,14 @@ ... ) """ -from enum import Enum +from enum import StrEnum from .avenue import Avenue from .shanghaitech import ShanghaiTech from .ucsd_ped import UCSDped -class VideoDataFormat(str, Enum): +class VideoDataFormat(StrEnum): """Supported Video Dataset Types. The following dataset formats are supported: diff --git a/src/anomalib/data/datasets/base/video.py b/src/anomalib/data/datasets/base/video.py index 2f98cb89ca..c7b786bc1a 100644 --- a/src/anomalib/data/datasets/base/video.py +++ b/src/anomalib/data/datasets/base/video.py @@ -22,7 +22,7 @@ from abc import ABC from collections.abc import Callable -from enum import Enum +from enum import StrEnum import torch from pandas import DataFrame @@ -36,7 +36,7 @@ from .image import AnomalibDataset -class VideoTargetFrame(str, Enum): +class VideoTargetFrame(StrEnum): """Target frame for a video-clip. Used in multi-frame models to determine which frame's ground truth information diff --git a/src/anomalib/data/datasets/image/mvtecad2.py b/src/anomalib/data/datasets/image/mvtecad2.py index f0257e49f6..51480b55ad 100644 --- a/src/anomalib/data/datasets/image/mvtecad2.py +++ b/src/anomalib/data/datasets/image/mvtecad2.py @@ -29,7 +29,7 @@ """ from collections.abc import Sequence -from enum import Enum +from enum import StrEnum from pathlib import Path from pandas import DataFrame @@ -40,7 +40,7 @@ from anomalib.data.utils import Split, validate_path -class TestType(str, Enum): +class TestType(StrEnum): """Type of test set to use. The MVTec AD 2 dataset provides three different test sets: diff --git a/src/anomalib/data/utils/download.py b/src/anomalib/data/utils/download.py index 16080e3dd1..1c8ea4a4c6 100644 --- a/src/anomalib/data/utils/download.py +++ b/src/anomalib/data/utils/download.py @@ -14,7 +14,6 @@ import logging import os import re -import sys import tarfile from collections.abc import Iterable from dataclasses import dataclass @@ -194,11 +193,7 @@ def safe_extract(tar_file: TarFile, root: Path, members: list[TarInfo]) -> None: for member in members: # check if the file already exists if not (root / member.name).exists(): - if sys.version_info[:3] >= (3, 11, 4): - # filter argument only works with python>=3.11.4 - tar_file.extract(member, root, filter="data") - else: - tar_file.extract(member, root) + tar_file.extract(member, root, filter="data") def generate_hash(file_path: str | Path, algorithm: str = "sha256") -> str: diff --git a/src/anomalib/data/utils/path.py b/src/anomalib/data/utils/path.py index dc0c0a9f48..cbd807dd29 100644 --- a/src/anomalib/data/utils/path.py +++ b/src/anomalib/data/utils/path.py @@ -25,7 +25,7 @@ import logging import os import re -from enum import Enum +from enum import StrEnum from pathlib import Path from torchvision.datasets.folder import IMG_EXTENSIONS @@ -33,7 +33,7 @@ logger = logging.getLogger(__name__) -class DirType(str, Enum): +class DirType(StrEnum): """Directory type names for organizing anomaly detection datasets. Attributes: diff --git a/src/anomalib/data/utils/split.py b/src/anomalib/data/utils/split.py index 31171a4a85..cb66b6db4c 100644 --- a/src/anomalib/data/utils/split.py +++ b/src/anomalib/data/utils/split.py @@ -32,7 +32,7 @@ import logging import math from collections.abc import Sequence -from enum import Enum +from enum import StrEnum from typing import TYPE_CHECKING import torch @@ -43,7 +43,7 @@ logger = logging.getLogger(__name__) -class Split(str, Enum): +class Split(StrEnum): """Dataset split type. Attributes: @@ -57,7 +57,7 @@ class Split(str, Enum): TEST = "test" -class TestSplitMode(str, Enum): +class TestSplitMode(StrEnum): """Mode used to obtain test split. Attributes: @@ -71,7 +71,7 @@ class TestSplitMode(str, Enum): SYNTHETIC = "synthetic" -class ValSplitMode(str, Enum): +class ValSplitMode(StrEnum): """Mode used to obtain validation split. Attributes: diff --git a/src/anomalib/data/utils/tiler.py b/src/anomalib/data/utils/tiler.py index d2de044dae..7f0dd1478b 100644 --- a/src/anomalib/data/utils/tiler.py +++ b/src/anomalib/data/utils/tiler.py @@ -28,7 +28,7 @@ """ from collections.abc import Sequence -from enum import Enum +from enum import StrEnum from itertools import product from math import ceil @@ -37,7 +37,7 @@ from torch.nn import functional as F # noqa: N812 -class ImageUpscaleMode(str, Enum): +class ImageUpscaleMode(StrEnum): """Mode for upscaling images. Attributes: diff --git a/src/anomalib/deploy/export.py b/src/anomalib/deploy/export.py index a559248948..9db61fbe67 100644 --- a/src/anomalib/deploy/export.py +++ b/src/anomalib/deploy/export.py @@ -23,12 +23,12 @@ """ import logging -from enum import Enum +from enum import StrEnum logger = logging.getLogger("anomalib") -class ExportType(str, Enum): +class ExportType(StrEnum): """Model export type. Supported export formats for anomaly detection models. @@ -50,7 +50,7 @@ class ExportType(str, Enum): TORCH = "torch" -class CompressionType(str, Enum): +class CompressionType(StrEnum): """Model compression type when exporting to OpenVINO. Attributes: diff --git a/src/anomalib/metrics/threshold/f1_adaptive_threshold.py b/src/anomalib/metrics/threshold/f1_adaptive_threshold.py index bb8b4f258f..25a8af209c 100644 --- a/src/anomalib/metrics/threshold/f1_adaptive_threshold.py +++ b/src/anomalib/metrics/threshold/f1_adaptive_threshold.py @@ -48,7 +48,7 @@ @contextmanager -def handle_mac(metric: "_F1AdaptiveThreshold") -> Generator[None, None, None]: +def handle_mac(metric: "_F1AdaptiveThreshold") -> Generator[None]: """Temporarily move tensors to CPU on macOS/MPS and restore after. This context manager checks whether the provided metric instance has diff --git a/src/anomalib/models/components/base/export_mixin.py b/src/anomalib/models/components/base/export_mixin.py index 4fc0d7c14a..debd0e977a 100644 --- a/src/anomalib/models/components/base/export_mixin.py +++ b/src/anomalib/models/components/base/export_mixin.py @@ -176,6 +176,7 @@ def to_onnx( args=(input_shape.to(self.device),), f=str(onnx_path), opset_version=kwargs.pop("opset_version", 14), + dynamo=False, dynamic_axes=kwargs.pop("dynamic_axes", dynamic_axes), input_names=kwargs.pop("input_names", ["input"]), output_names=kwargs.pop("output_names", output_names), diff --git a/src/anomalib/models/components/classification/kde_classifier.py b/src/anomalib/models/components/classification/kde_classifier.py index 4dafac5b79..9f72e4b080 100644 --- a/src/anomalib/models/components/classification/kde_classifier.py +++ b/src/anomalib/models/components/classification/kde_classifier.py @@ -28,7 +28,7 @@ import logging import random -from enum import Enum +from enum import StrEnum import torch from torch import nn @@ -38,7 +38,7 @@ logger = logging.getLogger(__name__) -class FeatureScalingMethod(str, Enum): +class FeatureScalingMethod(StrEnum): """Feature scaling methods for KDE classifier. The scaling method determines how feature embeddings are normalized before diff --git a/src/anomalib/models/image/csflow/anomaly_map.py b/src/anomalib/models/image/csflow/anomaly_map.py index 0ce045aae3..ff0a6426f8 100644 --- a/src/anomalib/models/image/csflow/anomaly_map.py +++ b/src/anomalib/models/image/csflow/anomaly_map.py @@ -21,14 +21,14 @@ torch.Size([2, 1, 256, 256]) """ -from enum import Enum +from enum import StrEnum import torch from torch import nn from torch.nn import functional as F # noqa: N812 -class AnomalyMapMode(str, Enum): +class AnomalyMapMode(StrEnum): """Mode for generating anomaly maps. The mode determines how the anomaly scores from different scales are combined: diff --git a/src/anomalib/models/image/efficient_ad/torch_model.py b/src/anomalib/models/image/efficient_ad/torch_model.py index 126904d02d..ac98542aab 100644 --- a/src/anomalib/models/image/efficient_ad/torch_model.py +++ b/src/anomalib/models/image/efficient_ad/torch_model.py @@ -33,7 +33,7 @@ import logging import math -from enum import Enum +from enum import StrEnum import torch from torch import nn @@ -105,7 +105,7 @@ def reduce_tensor_elems(tensor: torch.Tensor, m: int = 2**24) -> torch.Tensor: return tensor -class EfficientAdModelSize(str, Enum): +class EfficientAdModelSize(StrEnum): """Supported EfficientAd model sizes. The EfficientAd model comes in two sizes: diff --git a/src/anomalib/models/image/reverse_distillation/anomaly_map.py b/src/anomalib/models/image/reverse_distillation/anomaly_map.py index da78de3ee3..53a79c869d 100644 --- a/src/anomalib/models/image/reverse_distillation/anomaly_map.py +++ b/src/anomalib/models/image/reverse_distillation/anomaly_map.py @@ -31,7 +31,7 @@ - :class:`AnomalyMapGenerationMode`: Enum defining map generation modes """ -from enum import Enum +from enum import StrEnum import torch from omegaconf import ListConfig @@ -41,7 +41,7 @@ from anomalib.models.components import GaussianBlur2d -class AnomalyMapGenerationMode(str, Enum): +class AnomalyMapGenerationMode(StrEnum): """Type of mode when generating anomaly imape.""" ADD = "add" diff --git a/src/anomalib/models/video/ai_vad/features.py b/src/anomalib/models/video/ai_vad/features.py index 080e3c0c7f..97b36381ac 100644 --- a/src/anomalib/models/video/ai_vad/features.py +++ b/src/anomalib/models/video/ai_vad/features.py @@ -24,7 +24,7 @@ - :class:`VideoRegionFeatureExtractor`: Main class that handles feature extraction """ -from enum import Enum +from enum import StrEnum import torch from torch import nn @@ -36,7 +36,7 @@ from .clip import clip -class FeatureType(str, Enum): +class FeatureType(StrEnum): """Names of the different feature streams used in AI-VAD. This enum defines the available feature types that can be extracted from video diff --git a/src/anomalib/pipelines/benchmark/generator.py b/src/anomalib/pipelines/benchmark/generator.py index 2e147fbb3a..540ee49540 100644 --- a/src/anomalib/pipelines/benchmark/generator.py +++ b/src/anomalib/pipelines/benchmark/generator.py @@ -73,7 +73,7 @@ def generate_jobs( self, args: dict, previous_stage_result: PREV_STAGE_RESULT, - ) -> Generator[BenchmarkJob, None, None]: + ) -> Generator[BenchmarkJob]: """Generate benchmark jobs from the provided arguments. Args: diff --git a/src/anomalib/pipelines/components/base/job.py b/src/anomalib/pipelines/components/base/job.py index e64857133e..63b00553e3 100644 --- a/src/anomalib/pipelines/components/base/job.py +++ b/src/anomalib/pipelines/components/base/job.py @@ -88,7 +88,7 @@ def __call__( self, args: dict | None = None, prev_stage_result: PREV_STAGE_RESULT = None, - ) -> Generator[Job, None, None]: + ) -> Generator[Job]: """Calls the ``generate_jobs`` method.""" return self.generate_jobs(args, prev_stage_result) @@ -97,7 +97,7 @@ def generate_jobs( self, args: dict | None = None, prev_stage_result: PREV_STAGE_RESULT = None, - ) -> Generator[Job, None, None]: + ) -> Generator[Job]: """Return an iterator based on the arguments. This can be used to generate the configurations that will be passed to run. diff --git a/src/anomalib/pipelines/components/base/pipeline.py b/src/anomalib/pipelines/components/base/pipeline.py index 2c2ef59006..7338be9b17 100644 --- a/src/anomalib/pipelines/components/base/pipeline.py +++ b/src/anomalib/pipelines/components/base/pipeline.py @@ -86,7 +86,7 @@ def run(self, args: Namespace | None = None) -> None: try: job_args = pipeline_args.get(runner.generator.job_class.name) previous_results = runner.run(job_args or {}, previous_results) - except Exception: # noqa: PERF203 catch all exception and allow try-catch in loop + except Exception: # noqa: PERF203 logger.exception("An error occurred when running the runner.") print( f"There were some errors when running {runner.generator.job_class.name} with" diff --git a/src/anomalib/pipelines/components/utils/grid_search.py b/src/anomalib/pipelines/components/utils/grid_search.py index 7bb75f9374..ec02288b7b 100644 --- a/src/anomalib/pipelines/components/utils/grid_search.py +++ b/src/anomalib/pipelines/components/utils/grid_search.py @@ -36,7 +36,7 @@ from anomalib.utils.config import convert_valuesview_to_tuple, flatten_dict, to_nested_dict -def get_iterator_from_grid_dict(container: dict) -> Generator[dict, Any, None]: +def get_iterator_from_grid_dict(container: dict) -> Generator[dict, Any]: """Yields an iterator based on the grid search arguments. Args: diff --git a/src/anomalib/pipelines/tiled_ensemble/components/merging.py b/src/anomalib/pipelines/tiled_ensemble/components/merging.py index 2e32154b9a..c487d0a6b1 100644 --- a/src/anomalib/pipelines/tiled_ensemble/components/merging.py +++ b/src/anomalib/pipelines/tiled_ensemble/components/merging.py @@ -90,7 +90,7 @@ def generate_jobs( self, args: dict | None = None, prev_stage_result: EnsemblePredictions | None = None, - ) -> Generator[MergeJob, None, None]: + ) -> Generator[MergeJob]: """Return a generator producing a single merging job. Args: diff --git a/src/anomalib/pipelines/tiled_ensemble/components/metrics_calculation.py b/src/anomalib/pipelines/tiled_ensemble/components/metrics_calculation.py index 72ccecd45b..f7ec7958dd 100644 --- a/src/anomalib/pipelines/tiled_ensemble/components/metrics_calculation.py +++ b/src/anomalib/pipelines/tiled_ensemble/components/metrics_calculation.py @@ -128,7 +128,7 @@ def generate_jobs( self, args: dict | None = None, prev_stage_result: PREV_STAGE_RESULT = None, - ) -> Generator[MetricsCalculationJob, None, None]: + ) -> Generator[MetricsCalculationJob]: """Make a generator that yields a single metrics calculation job. Args: diff --git a/src/anomalib/pipelines/tiled_ensemble/components/model_training.py b/src/anomalib/pipelines/tiled_ensemble/components/model_training.py index 20776d700a..2d6061b4e0 100644 --- a/src/anomalib/pipelines/tiled_ensemble/components/model_training.py +++ b/src/anomalib/pipelines/tiled_ensemble/components/model_training.py @@ -146,7 +146,7 @@ def generate_jobs( self, args: dict | None = None, prev_stage_result: PREV_STAGE_RESULT = None, - ) -> Generator[TrainModelJob, None, None]: + ) -> Generator[TrainModelJob]: """Generate training jobs for each tile location. Args: diff --git a/src/anomalib/pipelines/tiled_ensemble/components/normalization.py b/src/anomalib/pipelines/tiled_ensemble/components/normalization.py index 5307536cb7..2d7325ad5d 100644 --- a/src/anomalib/pipelines/tiled_ensemble/components/normalization.py +++ b/src/anomalib/pipelines/tiled_ensemble/components/normalization.py @@ -105,7 +105,7 @@ def generate_jobs( self, args: dict | None = None, prev_stage_result: list[Any] | None = None, - ) -> Generator[NormalizationJob, None, None]: + ) -> Generator[NormalizationJob]: """Return a generator producing a single normalization job. Args: diff --git a/src/anomalib/pipelines/tiled_ensemble/components/prediction.py b/src/anomalib/pipelines/tiled_ensemble/components/prediction.py index 1e03899b7d..1967b91f9e 100644 --- a/src/anomalib/pipelines/tiled_ensemble/components/prediction.py +++ b/src/anomalib/pipelines/tiled_ensemble/components/prediction.py @@ -165,7 +165,7 @@ def generate_jobs( self, args: dict | None = None, prev_stage_result: PREV_STAGE_RESULT = None, - ) -> Generator[PredictJob, None, None]: + ) -> Generator[PredictJob]: """Generate predict jobs for each tile location. Args: diff --git a/src/anomalib/pipelines/tiled_ensemble/components/smoothing.py b/src/anomalib/pipelines/tiled_ensemble/components/smoothing.py index 20e53b07c9..5b827abf51 100644 --- a/src/anomalib/pipelines/tiled_ensemble/components/smoothing.py +++ b/src/anomalib/pipelines/tiled_ensemble/components/smoothing.py @@ -139,7 +139,7 @@ def generate_jobs( self, args: dict | None = None, prev_stage_result: list[Any] | None = None, - ) -> Generator[SmoothingJob, None, None]: + ) -> Generator[SmoothingJob]: """Return a generator producing a single seam smoothing job. Args: diff --git a/src/anomalib/pipelines/tiled_ensemble/components/stats_calculation.py b/src/anomalib/pipelines/tiled_ensemble/components/stats_calculation.py index 27b1b9ac21..d99ce42c04 100644 --- a/src/anomalib/pipelines/tiled_ensemble/components/stats_calculation.py +++ b/src/anomalib/pipelines/tiled_ensemble/components/stats_calculation.py @@ -119,7 +119,7 @@ def generate_jobs( self, args: dict | None = None, prev_stage_result: list[Any] | None = None, - ) -> Generator[StatisticsJob, None, None]: + ) -> Generator[StatisticsJob]: """Return a generator producing a single stats calculating job. Args: diff --git a/src/anomalib/pipelines/tiled_ensemble/components/thresholding.py b/src/anomalib/pipelines/tiled_ensemble/components/thresholding.py index 26bdfc74b3..83f6fb0abf 100644 --- a/src/anomalib/pipelines/tiled_ensemble/components/thresholding.py +++ b/src/anomalib/pipelines/tiled_ensemble/components/thresholding.py @@ -92,7 +92,7 @@ def generate_jobs( self, args: dict | None = None, prev_stage_result: list[Any] | None = None, - ) -> Generator[ThresholdingJob, None, None]: + ) -> Generator[ThresholdingJob]: """Return a generator producing a single thresholding job. Args: diff --git a/src/anomalib/pipelines/tiled_ensemble/components/utils/__init__.py b/src/anomalib/pipelines/tiled_ensemble/components/utils/__init__.py index 800200b376..c62750dea5 100644 --- a/src/anomalib/pipelines/tiled_ensemble/components/utils/__init__.py +++ b/src/anomalib/pipelines/tiled_ensemble/components/utils/__init__.py @@ -20,10 +20,10 @@ on Computer Vision and Pattern Recognition Workshops (VAND 2.0). 2024. """ -from enum import Enum +from enum import Enum, StrEnum -class NormalizationStage(str, Enum): +class NormalizationStage(StrEnum): """Enum signaling at which stage the normalization is done. In case of tile, tiles are normalized for each tile position separately. @@ -36,7 +36,7 @@ class NormalizationStage(str, Enum): NONE = "none" -class ThresholdingStage(str, Enum): +class ThresholdingStage(StrEnum): """Enum signaling at which stage the thresholding is applied. In case of tile, thresholding is applied for each tile location separately. diff --git a/src/anomalib/pipelines/tiled_ensemble/components/visualization.py b/src/anomalib/pipelines/tiled_ensemble/components/visualization.py index 8b7b252e76..dfdf7acee2 100644 --- a/src/anomalib/pipelines/tiled_ensemble/components/visualization.py +++ b/src/anomalib/pipelines/tiled_ensemble/components/visualization.py @@ -126,7 +126,7 @@ def generate_jobs( self, args: dict | None = None, prev_stage_result: list[Any] | None = None, - ) -> Generator[VisualizationJob, None, None]: + ) -> Generator[VisualizationJob]: """Return a generator producing a single visualization job. Args: diff --git a/src/anomalib/utils/normalization/__init__.py b/src/anomalib/utils/normalization/__init__.py index 7ff2151280..1fe40d76b7 100644 --- a/src/anomalib/utils/normalization/__init__.py +++ b/src/anomalib/utils/normalization/__init__.py @@ -23,10 +23,10 @@ detection algorithms. """ -from enum import Enum +from enum import StrEnum -class NormalizationMethod(str, Enum): +class NormalizationMethod(StrEnum): """Enumeration of supported normalization methods for anomaly scores. This enum class defines the available methods for normalizing anomaly scores: diff --git a/src/anomalib/utils/visualization/base.py b/src/anomalib/utils/visualization/base.py index c1614d7e6d..834a46b8a4 100644 --- a/src/anomalib/utils/visualization/base.py +++ b/src/anomalib/utils/visualization/base.py @@ -28,7 +28,7 @@ from abc import ABC, abstractmethod from collections.abc import Iterator from dataclasses import dataclass -from enum import Enum +from enum import StrEnum from pathlib import Path import numpy as np @@ -48,7 +48,7 @@ class GeneratorResult: file_name: str | Path | None = None -class VisualizationStep(str, Enum): +class VisualizationStep(StrEnum): """Identify step on which to generate images.""" BATCH = "batch" diff --git a/src/anomalib/utils/visualization/image.py b/src/anomalib/utils/visualization/image.py index 516da0d26a..fac7122984 100644 --- a/src/anomalib/utils/visualization/image.py +++ b/src/anomalib/utils/visualization/image.py @@ -47,7 +47,7 @@ from collections.abc import Iterator from dataclasses import InitVar, asdict, dataclass, fields -from enum import Enum +from enum import StrEnum from pathlib import Path from typing import TYPE_CHECKING @@ -68,7 +68,7 @@ from matplotlib.axis import Axes -class VisualizationMode(str, Enum): +class VisualizationMode(StrEnum): """Visualization mode for controlling output style. The mode determines how results are displayed: diff --git a/tests/conftest.py b/tests/conftest.py index afd1853434..74950bed0f 100644 --- a/tests/conftest.py +++ b/tests/conftest.py @@ -21,7 +21,7 @@ def _dataset_names() -> list[str]: @pytest.fixture(scope="session") -def project_path() -> Generator[Path, None, None]: +def project_path() -> Generator[Path]: """Return a temporary directory path that is used as the project directory for the entire test.""" # Get the root directory of the project root_dir = Path(__file__).parent.parent diff --git a/tests/integration/model/test_models.py b/tests/integration/model/test_models.py index c0010f108a..bb03eb6673 100644 --- a/tests/integration/model/test_models.py +++ b/tests/integration/model/test_models.py @@ -31,7 +31,7 @@ def export_types() -> list[ExportType]: @contextlib.contextmanager -def increased_recursion_limit(limit: int = 10000) -> Generator[None, None, None]: +def increased_recursion_limit(limit: int = 10000) -> Generator[None]: """Temporarily increase the recursion limit.""" old_limit = sys.getrecursionlimit() try: diff --git a/tests/unit/deploy/test_inferencer.py b/tests/unit/deploy/test_inferencer.py index 3372526e7d..40c1d3b743 100644 --- a/tests/unit/deploy/test_inferencer.py +++ b/tests/unit/deploy/test_inferencer.py @@ -116,7 +116,7 @@ def test_openvino_inference(ckpt_path: Callable[[str], Path]) -> None: def compare_predictions( pred1: ImageBatch | NumpyImageBatch, pred2: ImageBatch | NumpyImageBatch, - tolerance: float = 1e-3, + tolerance: float = 3e-3, ) -> None: """Compare predictions from two different inference methods.""" score1 = pred1.pred_score if hasattr(pred1, "pred_score") else None diff --git a/uv.lock b/uv.lock index caa4479907..999f4bc941 100644 --- a/uv.lock +++ b/uv.lock @@ -1,10352 +1,3 @@ -version = 1 -revision = 3 -requires-python = ">=3.10" -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version >= '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.14.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", -] -conflicts = [[ - { package = "anomalib", extra = "cpu" }, - { package = "anomalib", extra = "cu118" }, - { package = "anomalib", extra = "cu121" }, - { package = "anomalib", extra = "cu124" }, - { package = "anomalib", extra = "cu130" }, - { package = "anomalib", extra = "rocm" }, - { package = "anomalib", extra = "xpu" }, -]] - -[[package]] -name = "about-time" -version = "4.2.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/1c/3f/ccb16bdc53ebb81c1bf837c1ee4b5b0b69584fd2e4a802a2a79936691c0a/about-time-4.2.1.tar.gz", hash = "sha256:6a538862d33ce67d997429d14998310e1dbfda6cb7d9bbfbf799c4709847fece", size = 15380, upload-time = "2022-12-21T04:15:54.991Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/fb/cd/7ee00d6aa023b1d0551da0da5fee3bc23c3eeea632fbfc5126d1fec52b7e/about_time-4.2.1-py3-none-any.whl", hash = "sha256:8bbf4c75fe13cbd3d72f49a03b02c5c7dca32169b6d49117c257e7eb3eaee341", size = 13295, upload-time = "2022-12-21T04:15:53.613Z" }, -] - -[[package]] -name = "absl-py" -version = "2.3.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/10/2a/c93173ffa1b39c1d0395b7e842bbdc62e556ca9d8d3b5572926f3e4ca752/absl_py-2.3.1.tar.gz", hash = "sha256:a97820526f7fbfd2ec1bce83f3f25e3a14840dac0d8e02a0b71cd75db3f77fc9", size = 116588, upload-time = "2025-07-03T09:31:44.05Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/8f/aa/ba0014cc4659328dc818a28827be78e6d97312ab0cb98105a770924dc11e/absl_py-2.3.1-py3-none-any.whl", hash = "sha256:eeecf07f0c2a93ace0772c92e596ace6d3d3996c042b2128459aaae2a76de11d", size = 135811, upload-time = "2025-07-03T09:31:42.253Z" }, -] - -[[package]] -name = "accessible-pygments" -version = "0.0.5" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "pygments" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/bc/c1/bbac6a50d02774f91572938964c582fff4270eee73ab822a4aeea4d8b11b/accessible_pygments-0.0.5.tar.gz", hash = "sha256:40918d3e6a2b619ad424cb91e556bd3bd8865443d9f22f1dcdf79e33c8046872", size = 1377899, upload-time = "2024-05-10T11:23:10.216Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/8d/3f/95338030883d8c8b91223b4e21744b04d11b161a3ef117295d8241f50ab4/accessible_pygments-0.0.5-py3-none-any.whl", hash = "sha256:88ae3211e68a1d0b011504b2ffc1691feafce124b845bd072ab6f9f66f34d4b7", size = 1395903, upload-time = "2024-05-10T11:23:08.421Z" }, -] - -[[package]] -name = "aiofiles" -version = "24.1.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/0b/03/a88171e277e8caa88a4c77808c20ebb04ba74cc4681bf1e9416c862de237/aiofiles-24.1.0.tar.gz", hash = "sha256:22a075c9e5a3810f0c2e48f3008c94d68c65d763b9b03857924c99e57355166c", size = 30247, upload-time = "2024-06-24T11:02:03.584Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/a5/45/30bb92d442636f570cb5651bc661f52b610e2eec3f891a5dc3a4c3667db0/aiofiles-24.1.0-py3-none-any.whl", hash = "sha256:b4ec55f4195e3eb5d7abd1bf7e061763e864dd4954231fb8539a0ef8bb8260e5", size = 15896, upload-time = "2024-06-24T11:02:01.529Z" }, -] - -[[package]] -name = "aiohappyeyeballs" -version = "2.6.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/26/30/f84a107a9c4331c14b2b586036f40965c128aa4fee4dda5d3d51cb14ad54/aiohappyeyeballs-2.6.1.tar.gz", hash = "sha256:c3f9d0113123803ccadfdf3f0faa505bc78e6a72d1cc4806cbd719826e943558", size = 22760, upload-time = "2025-03-12T01:42:48.764Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/0f/15/5bf3b99495fb160b63f95972b81750f18f7f4e02ad051373b669d17d44f2/aiohappyeyeballs-2.6.1-py3-none-any.whl", hash = "sha256:f349ba8f4b75cb25c99c5c2d84e997e485204d2902a9597802b0371f09331fb8", size = 15265, upload-time = "2025-03-12T01:42:47.083Z" }, -] - -[[package]] -name = "aiohttp" -version = "3.13.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "aiohappyeyeballs" }, - { name = "aiosignal" }, - { name = "async-timeout", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "attrs" }, - { name = "frozenlist" }, - { name = "multidict" }, - { name = "propcache" }, - { name = "yarl" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/ba/fa/3ae643cd525cf6844d3dc810481e5748107368eb49563c15a5fb9f680750/aiohttp-3.13.1.tar.gz", hash = "sha256:4b7ee9c355015813a6aa085170b96ec22315dabc3d866fd77d147927000e9464", size = 7835344, upload-time = "2025-10-17T14:03:29.337Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e6/34/5097441cc3047eccc2e0bfed3760ed068489b8392545d3aec0d8fbfab2b5/aiohttp-3.13.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:2349a6b642020bf20116a8a5c83bae8ba071acf1461c7cbe45fc7fafd552e7e2", size = 735069, upload-time = "2025-10-17T13:58:56.602Z" }, - { url = "https://files.pythonhosted.org/packages/8c/2b/726466b4b4b16271a3db2a8a914d754d6cb9cee7bebde1f3ac6043e4e030/aiohttp-3.13.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:2a8434ca31c093a90edb94d7d70e98706ce4d912d7f7a39f56e1af26287f4bb7", size = 492575, upload-time = "2025-10-17T13:58:58.696Z" }, - { url = "https://files.pythonhosted.org/packages/82/1f/364e64292c95bb6c9e2823b0afa1ad3f06524c573d45df82294be572489d/aiohttp-3.13.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:0bd610a7e87431741021a9a6ab775e769ea8c01bf01766d481282bfb17df597f", size = 487862, upload-time = "2025-10-17T13:59:00.315Z" }, - { url = "https://files.pythonhosted.org/packages/23/b0/c5a774b3125ac854987b8ca45a6d995829987d01ece4525d3fc369a9ca88/aiohttp-3.13.1-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:777ec887264b629395b528af59b8523bf3164d4c6738cd8989485ff3eda002e2", size = 1666761, upload-time = "2025-10-17T13:59:02.224Z" }, - { url = "https://files.pythonhosted.org/packages/29/be/32c6c1d3a6c69e594b855bbf4014bea4c42008b0daac8c6e5c9f03207b89/aiohttp-3.13.1-cp310-cp310-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:ac1892f56e2c445aca5ba28f3bf8e16b26dfc05f3c969867b7ef553b74cb4ebe", size = 1634627, upload-time = "2025-10-17T13:59:03.829Z" }, - { url = "https://files.pythonhosted.org/packages/73/8d/fde3a8f4801b14e0b9490f5bc86c5106cb7d96bd60ff2aaee53749c72fe1/aiohttp-3.13.1-cp310-cp310-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:499a047d1c5e490c31d16c033e2e47d1358f0e15175c7a1329afc6dfeb04bc09", size = 1726564, upload-time = "2025-10-17T13:59:05.997Z" }, - { url = "https://files.pythonhosted.org/packages/52/b2/8290556f1f6b17b1af976a9abb17f9b54dc7218e11bbf6abbebaa7cc70fb/aiohttp-3.13.1-cp310-cp310-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:610be925f89501938c770f1e28ca9dd62e9b308592c81bd5d223ce92434c0089", size = 1814413, upload-time = "2025-10-17T13:59:08.975Z" }, - { url = "https://files.pythonhosted.org/packages/ef/6b/4b657e9fa72479df38117609d4ec8e4b07e8110b872df3872f9c6a96e26b/aiohttp-3.13.1-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:90eb902c06c6ac85d6b80fa9f2bd681f25b1ebf73433d428b3d182a507242711", size = 1667964, upload-time = "2025-10-17T13:59:10.606Z" }, - { url = "https://files.pythonhosted.org/packages/ee/ed/563de175d01fa26459a60a7c82dbf69d20e356d459476a7526329091b4c3/aiohttp-3.13.1-cp310-cp310-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:ab8ac3224b2beb46266c094b3869d68d5f96f35dba98e03dea0acbd055eefa03", size = 1553917, upload-time = "2025-10-17T13:59:12.312Z" }, - { url = "https://files.pythonhosted.org/packages/39/26/48a4b5681eada16eb5b39cae277765aed1644b03610c43eadb8b331ccfea/aiohttp-3.13.1-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:79ac65b6e2731558aad1e4c1a655d2aa2a77845b62acecf5898b0d4fe8c76618", size = 1637730, upload-time = "2025-10-17T13:59:14.395Z" }, - { url = "https://files.pythonhosted.org/packages/c1/43/57b137af37344e03c7f6b28ddf38a4af820b53c1fa9ce13f668fe468d2e2/aiohttp-3.13.1-cp310-cp310-musllinux_1_2_armv7l.whl", hash = "sha256:4dadbd858ed8c04d1aa7a2a91ad65f8e1fbd253ae762ef5be8111e763d576c3c", size = 1644088, upload-time = "2025-10-17T13:59:16.749Z" }, - { url = "https://files.pythonhosted.org/packages/0d/c4/e49bafa4babef09929b10968a6b6efe3707fbaa5c5bb7c8db7f810232269/aiohttp-3.13.1-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:e0b2ccd331bc77149e88e919aa95c228a011e03e1168fd938e6aeb1a317d7a8a", size = 1696215, upload-time = "2025-10-17T13:59:18.711Z" }, - { url = "https://files.pythonhosted.org/packages/15/e4/8414be434b3e50f9089ffa7c4d5130ba6ff0d1c6fa9f55cd760b088abbe0/aiohttp-3.13.1-cp310-cp310-musllinux_1_2_riscv64.whl", hash = "sha256:fba3c85fb24fe204e73f3c92f09f4f5cfa55fa7e54b34d59d91b7c5a258d0f6a", size = 1540617, upload-time = "2025-10-17T13:59:20.46Z" }, - { url = "https://files.pythonhosted.org/packages/bd/8b/31cb6725f819b74a9c0b0055c500187294e73aea40708b6a5aa7b328ea4c/aiohttp-3.13.1-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:8d5011e4e741d2635cda18f2997a56e8e1d1b94591dc8732f2ef1d3e1bfc5f45", size = 1713509, upload-time = "2025-10-17T13:59:22.61Z" }, - { url = "https://files.pythonhosted.org/packages/24/ac/49a79c2711423cfa091e265c46e58617de31258c64502b890f25421cb742/aiohttp-3.13.1-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:c5fe2728a89c82574bd3132d59237c3b5fb83e2e00a320e928d05d74d1ae895f", size = 1654702, upload-time = "2025-10-17T13:59:24.396Z" }, - { url = "https://files.pythonhosted.org/packages/30/52/1cf23cffeda1f079f20cd9c72174a76e8b0c6595def6803892e37ee35c8a/aiohttp-3.13.1-cp310-cp310-win32.whl", hash = "sha256:add14a5e68cbcfc526c89c1ed8ea963f5ff8b9b4b854985b07820c6fbfdb3c3c", size = 430898, upload-time = "2025-10-17T13:59:26.227Z" }, - { url = "https://files.pythonhosted.org/packages/0e/13/214a01f2936f4645b1fbd5cba9001331ca5af5c04bbdbe747eed330a8516/aiohttp-3.13.1-cp310-cp310-win_amd64.whl", hash = "sha256:a4cc9d9cfdf75a69ae921c407e02d0c1799ab333b0bc6f7928c175f47c080d6a", size = 453684, upload-time = "2025-10-17T13:59:28.129Z" }, - { url = "https://files.pythonhosted.org/packages/be/2c/739d03730ffce57d2093e2e611e1541ac9a4b3bb88288c33275058b9ffc2/aiohttp-3.13.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:9eefa0a891e85dca56e2d00760945a6325bd76341ec386d3ad4ff72eb97b7e64", size = 742004, upload-time = "2025-10-17T13:59:29.73Z" }, - { url = "https://files.pythonhosted.org/packages/fc/f8/7f5b7f7184d7c80e421dbaecbd13e0b2a0bb8663fd0406864f9a167a438c/aiohttp-3.13.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:6c20eb646371a5a57a97de67e52aac6c47badb1564e719b3601bbb557a2e8fd0", size = 495601, upload-time = "2025-10-17T13:59:31.312Z" }, - { url = "https://files.pythonhosted.org/packages/3e/af/fb78d028b9642dd33ff127d9a6a151586f33daff631b05250fecd0ab23f8/aiohttp-3.13.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:bfc28038cd86fb1deed5cc75c8fda45c6b0f5c51dfd76f8c63d3d22dc1ab3d1b", size = 491790, upload-time = "2025-10-17T13:59:33.304Z" }, - { url = "https://files.pythonhosted.org/packages/1e/ae/e40e422ee995e4f91f7f087b86304e3dd622d3a5b9ca902a1e94ebf9a117/aiohttp-3.13.1-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:8b22eeffca2e522451990c31a36fe0e71079e6112159f39a4391f1c1e259a795", size = 1746350, upload-time = "2025-10-17T13:59:35.158Z" }, - { url = "https://files.pythonhosted.org/packages/28/a5/fe6022bb869bf2d2633b155ed8348d76358c22d5ff9692a15016b2d1019f/aiohttp-3.13.1-cp311-cp311-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:65782b2977c05ebd78787e3c834abe499313bf69d6b8be4ff9c340901ee7541f", size = 1703046, upload-time = "2025-10-17T13:59:37.077Z" }, - { url = "https://files.pythonhosted.org/packages/5a/a5/c4ef3617d7cdc49f2d5af077f19794946f0f2d94b93c631ace79047361a2/aiohttp-3.13.1-cp311-cp311-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:dacba54f9be3702eb866b0b9966754b475e1e39996e29e442c3cd7f1117b43a9", size = 1806161, upload-time = "2025-10-17T13:59:38.837Z" }, - { url = "https://files.pythonhosted.org/packages/ad/45/b87d2430aee7e7d00b24e3dff2c5bd69f21017f6edb19cfd91e514664fc8/aiohttp-3.13.1-cp311-cp311-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:aa878da718e8235302c365e376b768035add36b55177706d784a122cb822a6a4", size = 1894546, upload-time = "2025-10-17T13:59:40.741Z" }, - { url = "https://files.pythonhosted.org/packages/e8/a2/79eb466786a7f11a0292c353a8a9b95e88268c48c389239d7531d66dbb48/aiohttp-3.13.1-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:0e4b4e607fbd4964d65945a7b9d1e7f98b0d5545736ea613f77d5a2a37ff1e46", size = 1745683, upload-time = "2025-10-17T13:59:42.59Z" }, - { url = "https://files.pythonhosted.org/packages/93/1a/153b0ad694f377e94eacc85338efe03ed4776a396c8bb47bd9227135792a/aiohttp-3.13.1-cp311-cp311-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:0c3db2d0e5477ad561bf7ba978c3ae5f8f78afda70daa05020179f759578754f", size = 1605418, upload-time = "2025-10-17T13:59:45.229Z" }, - { url = "https://files.pythonhosted.org/packages/3f/4e/18605b1bfeb4b00d3396d833647cdb213118e2a96862e5aebee62ad065b4/aiohttp-3.13.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:9739d34506fdf59bf2c092560d502aa728b8cdb33f34ba15fb5e2852c35dd829", size = 1722379, upload-time = "2025-10-17T13:59:46.969Z" }, - { url = "https://files.pythonhosted.org/packages/72/13/0a38ad385d547fb283e0e1fe1ff1dff8899bd4ed0aaceeb13ec14abbf136/aiohttp-3.13.1-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:b902e30a268a85d50197b4997edc6e78842c14c0703450f632c2d82f17577845", size = 1716693, upload-time = "2025-10-17T13:59:49.217Z" }, - { url = "https://files.pythonhosted.org/packages/55/65/7029d7573ab9009adde380052c6130d02c8db52195fda112db35e914fe7b/aiohttp-3.13.1-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:1bbfc04c8de7def6504cce0a97f9885a5c805fd2395a0634bc10f9d6ecb42524", size = 1784174, upload-time = "2025-10-17T13:59:51.439Z" }, - { url = "https://files.pythonhosted.org/packages/2d/36/fd46e39cb85418e45b0e4a8bfc39651ee0b8f08ea006adf217a221cdb269/aiohttp-3.13.1-cp311-cp311-musllinux_1_2_riscv64.whl", hash = "sha256:6941853405a38a5eeb7d9776db77698df373ff7fa8c765cb81ea14a344fccbeb", size = 1593716, upload-time = "2025-10-17T13:59:53.367Z" }, - { url = "https://files.pythonhosted.org/packages/85/b8/188e0cb1be37b4408373171070fda17c3bf9c67c0d3d4fd5ee5b1fa108e1/aiohttp-3.13.1-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:7764adcd2dc8bd21c8228a53dda2005428498dc4d165f41b6086f0ac1c65b1c9", size = 1799254, upload-time = "2025-10-17T13:59:55.352Z" }, - { url = "https://files.pythonhosted.org/packages/67/ff/fdf768764eb427b0cc9ebb2cebddf990f94d98b430679f8383c35aa114be/aiohttp-3.13.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:c09e08d38586fa59e5a2f9626505a0326fadb8e9c45550f029feeb92097a0afc", size = 1738122, upload-time = "2025-10-17T13:59:57.263Z" }, - { url = "https://files.pythonhosted.org/packages/94/84/fce7a4d575943394d7c0e632273838eb6f39de8edf25386017bf5f0de23b/aiohttp-3.13.1-cp311-cp311-win32.whl", hash = "sha256:ce1371675e74f6cf271d0b5530defb44cce713fd0ab733713562b3a2b870815c", size = 430491, upload-time = "2025-10-17T13:59:59.466Z" }, - { url = "https://files.pythonhosted.org/packages/ac/d2/d21b8ab6315a5d588c550ab285b4f02ae363edf012920e597904c5a56608/aiohttp-3.13.1-cp311-cp311-win_amd64.whl", hash = "sha256:77a2f5cc28cf4704cc157be135c6a6cfb38c9dea478004f1c0fd7449cf445c28", size = 454808, upload-time = "2025-10-17T14:00:01.247Z" }, - { url = "https://files.pythonhosted.org/packages/1a/72/d463a10bf29871f6e3f63bcf3c91362dc4d72ed5917a8271f96672c415ad/aiohttp-3.13.1-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:0760bd9a28efe188d77b7c3fe666e6ef74320d0f5b105f2e931c7a7e884c8230", size = 736218, upload-time = "2025-10-17T14:00:03.51Z" }, - { url = "https://files.pythonhosted.org/packages/26/13/f7bccedbe52ea5a6eef1e4ebb686a8d7765319dfd0a5939f4238cb6e79e6/aiohttp-3.13.1-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:7129a424b441c3fe018a414401bf1b9e1d49492445f5676a3aecf4f74f67fcdb", size = 491251, upload-time = "2025-10-17T14:00:05.756Z" }, - { url = "https://files.pythonhosted.org/packages/0c/7c/7ea51b5aed6cc69c873f62548da8345032aa3416336f2d26869d4d37b4a2/aiohttp-3.13.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:e1cb04ae64a594f6ddf5cbb024aba6b4773895ab6ecbc579d60414f8115e9e26", size = 490394, upload-time = "2025-10-17T14:00:07.504Z" }, - { url = "https://files.pythonhosted.org/packages/31/05/1172cc4af4557f6522efdee6eb2b9f900e1e320a97e25dffd3c5a6af651b/aiohttp-3.13.1-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:782d656a641e755decd6bd98d61d2a8ea062fd45fd3ff8d4173605dd0d2b56a1", size = 1737455, upload-time = "2025-10-17T14:00:09.403Z" }, - { url = "https://files.pythonhosted.org/packages/24/3d/ce6e4eca42f797d6b1cd3053cf3b0a22032eef3e4d1e71b9e93c92a3f201/aiohttp-3.13.1-cp312-cp312-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:f92ad8169767429a6d2237331726c03ccc5f245222f9373aa045510976af2b35", size = 1699176, upload-time = "2025-10-17T14:00:11.314Z" }, - { url = "https://files.pythonhosted.org/packages/25/04/7127ba55653e04da51477372566b16ae786ef854e06222a1c96b4ba6c8ef/aiohttp-3.13.1-cp312-cp312-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:0e778f634ca50ec005eefa2253856921c429581422d887be050f2c1c92e5ce12", size = 1767216, upload-time = "2025-10-17T14:00:13.668Z" }, - { url = "https://files.pythonhosted.org/packages/b8/3b/43bca1e75847e600f40df829a6b2f0f4e1d4c70fb6c4818fdc09a462afd5/aiohttp-3.13.1-cp312-cp312-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:9bc36b41cf4aab5d3b34d22934a696ab83516603d1bc1f3e4ff9930fe7d245e5", size = 1865870, upload-time = "2025-10-17T14:00:15.852Z" }, - { url = "https://files.pythonhosted.org/packages/9e/69/b204e5d43384197a614c88c1717c324319f5b4e7d0a1b5118da583028d40/aiohttp-3.13.1-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:3fd4570ea696aee27204dd524f287127ed0966d14d309dc8cc440f474e3e7dbd", size = 1751021, upload-time = "2025-10-17T14:00:18.297Z" }, - { url = "https://files.pythonhosted.org/packages/1c/af/845dc6b6fdf378791d720364bf5150f80d22c990f7e3a42331d93b337cc7/aiohttp-3.13.1-cp312-cp312-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:7bda795f08b8a620836ebfb0926f7973972a4bf8c74fdf9145e489f88c416811", size = 1561448, upload-time = "2025-10-17T14:00:20.152Z" }, - { url = "https://files.pythonhosted.org/packages/7a/91/d2ab08cd77ed76a49e4106b1cfb60bce2768242dd0c4f9ec0cb01e2cbf94/aiohttp-3.13.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:055a51d90e351aae53dcf324d0eafb2abe5b576d3ea1ec03827d920cf81a1c15", size = 1698196, upload-time = "2025-10-17T14:00:22.131Z" }, - { url = "https://files.pythonhosted.org/packages/5e/d1/082f0620dc428ecb8f21c08a191a4694915cd50f14791c74a24d9161cc50/aiohttp-3.13.1-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:d4131df864cbcc09bb16d3612a682af0db52f10736e71312574d90f16406a867", size = 1719252, upload-time = "2025-10-17T14:00:24.453Z" }, - { url = "https://files.pythonhosted.org/packages/fc/78/2af2f44491be7b08e43945b72d2b4fd76f0a14ba850ba9e41d28a7ce716a/aiohttp-3.13.1-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:163d3226e043f79bf47c87f8dfc89c496cc7bc9128cb7055ce026e435d551720", size = 1736529, upload-time = "2025-10-17T14:00:26.567Z" }, - { url = "https://files.pythonhosted.org/packages/b0/34/3e919ecdc93edaea8d140138049a0d9126141072e519535e2efa38eb7a02/aiohttp-3.13.1-cp312-cp312-musllinux_1_2_riscv64.whl", hash = "sha256:a2370986a3b75c1a5f3d6f6d763fc6be4b430226577b0ed16a7c13a75bf43d8f", size = 1553723, upload-time = "2025-10-17T14:00:28.592Z" }, - { url = "https://files.pythonhosted.org/packages/21/4b/d8003aeda2f67f359b37e70a5a4b53fee336d8e89511ac307ff62aeefcdb/aiohttp-3.13.1-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:d7c14de0c7c9f1e6e785ce6cbe0ed817282c2af0012e674f45b4e58c6d4ea030", size = 1763394, upload-time = "2025-10-17T14:00:31.051Z" }, - { url = "https://files.pythonhosted.org/packages/4c/7b/1dbe6a39e33af9baaafc3fc016a280663684af47ba9f0e5d44249c1f72ec/aiohttp-3.13.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:bb611489cf0db10b99beeb7280bd39e0ef72bc3eb6d8c0f0a16d8a56075d1eb7", size = 1718104, upload-time = "2025-10-17T14:00:33.407Z" }, - { url = "https://files.pythonhosted.org/packages/5c/88/bd1b38687257cce67681b9b0fa0b16437be03383fa1be4d1a45b168bef25/aiohttp-3.13.1-cp312-cp312-win32.whl", hash = "sha256:f90fe0ee75590f7428f7c8b5479389d985d83c949ea10f662ab928a5ed5cf5e6", size = 425303, upload-time = "2025-10-17T14:00:35.829Z" }, - { url = "https://files.pythonhosted.org/packages/0e/e3/4481f50dd6f27e9e58c19a60cff44029641640237e35d32b04aaee8cf95f/aiohttp-3.13.1-cp312-cp312-win_amd64.whl", hash = "sha256:3461919a9dca272c183055f2aab8e6af0adc810a1b386cce28da11eb00c859d9", size = 452071, upload-time = "2025-10-17T14:00:37.764Z" }, - { url = "https://files.pythonhosted.org/packages/16/6d/d267b132342e1080f4c1bb7e1b4e96b168b3cbce931ec45780bff693ff95/aiohttp-3.13.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:55785a7f8f13df0c9ca30b5243d9909bd59f48b274262a8fe78cee0828306e5d", size = 730727, upload-time = "2025-10-17T14:00:39.681Z" }, - { url = "https://files.pythonhosted.org/packages/92/c8/1cf495bac85cf71b80fad5f6d7693e84894f11b9fe876b64b0a1e7cbf32f/aiohttp-3.13.1-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:4bef5b83296cebb8167707b4f8d06c1805db0af632f7a72d7c5288a84667e7c3", size = 488678, upload-time = "2025-10-17T14:00:41.541Z" }, - { url = "https://files.pythonhosted.org/packages/a8/19/23c6b81cca587ec96943d977a58d11d05a82837022e65cd5502d665a7d11/aiohttp-3.13.1-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:27af0619c33f9ca52f06069ec05de1a357033449ab101836f431768ecfa63ff5", size = 487637, upload-time = "2025-10-17T14:00:43.527Z" }, - { url = "https://files.pythonhosted.org/packages/48/58/8f9464afb88b3eed145ad7c665293739b3a6f91589694a2bb7e5778cbc72/aiohttp-3.13.1-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:a47fe43229a8efd3764ef7728a5c1158f31cdf2a12151fe99fde81c9ac87019c", size = 1718975, upload-time = "2025-10-17T14:00:45.496Z" }, - { url = "https://files.pythonhosted.org/packages/e1/8b/c3da064ca392b2702f53949fd7c403afa38d9ee10bf52c6ad59a42537103/aiohttp-3.13.1-cp313-cp313-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:6e68e126de5b46e8b2bee73cab086b5d791e7dc192056916077aa1e2e2b04437", size = 1686905, upload-time = "2025-10-17T14:00:47.707Z" }, - { url = "https://files.pythonhosted.org/packages/0a/a4/9c8a3843ecf526daee6010af1a66eb62579be1531d2d5af48ea6f405ad3c/aiohttp-3.13.1-cp313-cp313-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:e65ef49dd22514329c55970d39079618a8abf856bae7147913bb774a3ab3c02f", size = 1754907, upload-time = "2025-10-17T14:00:49.702Z" }, - { url = "https://files.pythonhosted.org/packages/a4/80/1f470ed93e06436e3fc2659a9fc329c192fa893fb7ed4e884d399dbfb2a8/aiohttp-3.13.1-cp313-cp313-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:0e425a7e0511648b3376839dcc9190098671a47f21a36e815b97762eb7d556b0", size = 1857129, upload-time = "2025-10-17T14:00:51.822Z" }, - { url = "https://files.pythonhosted.org/packages/cc/e6/33d305e6cce0a8daeb79c7d8d6547d6e5f27f4e35fa4883fc9c9eb638596/aiohttp-3.13.1-cp313-cp313-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:010dc9b7110f055006acd3648d5d5955bb6473b37c3663ec42a1b4cba7413e6b", size = 1738189, upload-time = "2025-10-17T14:00:53.976Z" }, - { url = "https://files.pythonhosted.org/packages/ac/42/8df03367e5a64327fe0c39291080697795430c438fc1139c7cc1831aa1df/aiohttp-3.13.1-cp313-cp313-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:1b5c722d0ca5f57d61066b5dfa96cdb87111e2519156b35c1f8dd17c703bee7a", size = 1553608, upload-time = "2025-10-17T14:00:56.144Z" }, - { url = "https://files.pythonhosted.org/packages/96/17/6d5c73cd862f1cf29fddcbb54aac147037ff70a043a2829d03a379e95742/aiohttp-3.13.1-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:93029f0e9b77b714904a281b5aa578cdc8aa8ba018d78c04e51e1c3d8471b8ec", size = 1681809, upload-time = "2025-10-17T14:00:58.603Z" }, - { url = "https://files.pythonhosted.org/packages/be/31/8926c8ab18533f6076ce28d2c329a203b58c6861681906e2d73b9c397588/aiohttp-3.13.1-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:d1824c7d08d8ddfc8cb10c847f696942e5aadbd16fd974dfde8bd2c3c08a9fa1", size = 1711161, upload-time = "2025-10-17T14:01:01.744Z" }, - { url = "https://files.pythonhosted.org/packages/f2/36/2f83e1ca730b1e0a8cf1c8ab9559834c5eec9f5da86e77ac71f0d16b521d/aiohttp-3.13.1-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:8f47d0ff5b3eb9c1278a2f56ea48fda667da8ebf28bd2cb378b7c453936ce003", size = 1731999, upload-time = "2025-10-17T14:01:04.626Z" }, - { url = "https://files.pythonhosted.org/packages/b9/ec/1f818cc368dfd4d5ab4e9efc8f2f6f283bfc31e1c06d3e848bcc862d4591/aiohttp-3.13.1-cp313-cp313-musllinux_1_2_riscv64.whl", hash = "sha256:8a396b1da9b51ded79806ac3b57a598f84e0769eaa1ba300655d8b5e17b70c7b", size = 1548684, upload-time = "2025-10-17T14:01:06.828Z" }, - { url = "https://files.pythonhosted.org/packages/d3/ad/33d36efd16e4fefee91b09a22a3a0e1b830f65471c3567ac5a8041fac812/aiohttp-3.13.1-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:d9c52a65f54796e066b5d674e33b53178014752d28bca555c479c2c25ffcec5b", size = 1756676, upload-time = "2025-10-17T14:01:09.517Z" }, - { url = "https://files.pythonhosted.org/packages/3c/c4/4a526d84e77d464437713ca909364988ed2e0cd0cdad2c06cb065ece9e08/aiohttp-3.13.1-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:a89da72d18d6c95a653470b78d8ee5aa3c4b37212004c103403d0776cbea6ff0", size = 1715577, upload-time = "2025-10-17T14:01:11.958Z" }, - { url = "https://files.pythonhosted.org/packages/a2/21/e39638b7d9c7f1362c4113a91870f89287e60a7ea2d037e258b81e8b37d5/aiohttp-3.13.1-cp313-cp313-win32.whl", hash = "sha256:02e0258b7585ddf5d01c79c716ddd674386bfbf3041fbbfe7bdf9c7c32eb4a9b", size = 424468, upload-time = "2025-10-17T14:01:14.344Z" }, - { url = "https://files.pythonhosted.org/packages/cc/00/f3a92c592a845ebb2f47d102a67f35f0925cb854c5e7386f1a3a1fdff2ab/aiohttp-3.13.1-cp313-cp313-win_amd64.whl", hash = "sha256:ef56ffe60e8d97baac123272bde1ab889ee07d3419606fae823c80c2b86c403e", size = 450806, upload-time = "2025-10-17T14:01:16.437Z" }, - { url = "https://files.pythonhosted.org/packages/97/be/0f6c41d2fd0aab0af133c509cabaf5b1d78eab882cb0ceb872e87ceeabf7/aiohttp-3.13.1-cp314-cp314-macosx_10_13_universal2.whl", hash = "sha256:77f83b3dc5870a2ea79a0fcfdcc3fc398187ec1675ff61ec2ceccad27ecbd303", size = 733828, upload-time = "2025-10-17T14:01:18.58Z" }, - { url = "https://files.pythonhosted.org/packages/75/14/24e2ac5efa76ae30e05813e0f50737005fd52da8ddffee474d4a5e7f38a6/aiohttp-3.13.1-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:9cafd2609ebb755e47323306c7666283fbba6cf82b5f19982ea627db907df23a", size = 489320, upload-time = "2025-10-17T14:01:20.644Z" }, - { url = "https://files.pythonhosted.org/packages/da/5a/4cbe599358d05ea7db4869aff44707b57d13f01724d48123dc68b3288d5a/aiohttp-3.13.1-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:9c489309a2ca548d5f11131cfb4092f61d67954f930bba7e413bcdbbb82d7fae", size = 489899, upload-time = "2025-10-17T14:01:22.638Z" }, - { url = "https://files.pythonhosted.org/packages/67/96/3aec9d9cfc723273d4386328a1e2562cf23629d2f57d137047c49adb2afb/aiohttp-3.13.1-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:79ac15fe5fdbf3c186aa74b656cd436d9a1e492ba036db8901c75717055a5b1c", size = 1716556, upload-time = "2025-10-17T14:01:25.406Z" }, - { url = "https://files.pythonhosted.org/packages/b9/99/39a3d250595b5c8172843831221fa5662884f63f8005b00b4034f2a7a836/aiohttp-3.13.1-cp314-cp314-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:095414be94fce3bc080684b4cd50fb70d439bc4662b2a1984f45f3bf9ede08aa", size = 1665814, upload-time = "2025-10-17T14:01:27.683Z" }, - { url = "https://files.pythonhosted.org/packages/3b/96/8319e7060a85db14a9c178bc7b3cf17fad458db32ba6d2910de3ca71452d/aiohttp-3.13.1-cp314-cp314-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:c68172e1a2dca65fa1272c85ca72e802d78b67812b22827df01017a15c5089fa", size = 1755767, upload-time = "2025-10-17T14:01:29.914Z" }, - { url = "https://files.pythonhosted.org/packages/1c/c6/0a2b3d886b40aa740fa2294cd34ed46d2e8108696748492be722e23082a7/aiohttp-3.13.1-cp314-cp314-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:3751f9212bcd119944d4ea9de6a3f0fee288c177b8ca55442a2cdff0c8201eb3", size = 1836591, upload-time = "2025-10-17T14:01:32.28Z" }, - { url = "https://files.pythonhosted.org/packages/fb/34/8ab5904b3331c91a58507234a1e2f662f837e193741609ee5832eb436251/aiohttp-3.13.1-cp314-cp314-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:8619dca57d98a8353abdc7a1eeb415548952b39d6676def70d9ce76d41a046a9", size = 1714915, upload-time = "2025-10-17T14:01:35.138Z" }, - { url = "https://files.pythonhosted.org/packages/b5/d3/d36077ca5f447649112189074ac6c192a666bf68165b693e48c23b0d008c/aiohttp-3.13.1-cp314-cp314-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:97795a0cb0a5f8a843759620e9cbd8889f8079551f5dcf1ccd99ed2f056d9632", size = 1546579, upload-time = "2025-10-17T14:01:38.237Z" }, - { url = "https://files.pythonhosted.org/packages/a8/14/dbc426a1bb1305c4fc78ce69323498c9e7c699983366ef676aa5d3f949fa/aiohttp-3.13.1-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:1060e058da8f9f28a7026cdfca9fc886e45e551a658f6a5c631188f72a3736d2", size = 1680633, upload-time = "2025-10-17T14:01:40.902Z" }, - { url = "https://files.pythonhosted.org/packages/29/83/1e68e519aff9f3ef6d4acb6cdda7b5f592ef5c67c8f095dc0d8e06ce1c3e/aiohttp-3.13.1-cp314-cp314-musllinux_1_2_armv7l.whl", hash = "sha256:f48a2c26333659101ef214907d29a76fe22ad7e912aa1e40aeffdff5e8180977", size = 1678675, upload-time = "2025-10-17T14:01:43.779Z" }, - { url = "https://files.pythonhosted.org/packages/38/b9/7f3e32a81c08b6d29ea15060c377e1f038ad96cd9923a85f30e817afff22/aiohttp-3.13.1-cp314-cp314-musllinux_1_2_ppc64le.whl", hash = "sha256:f1dfad638b9c91ff225162b2824db0e99ae2d1abe0dc7272b5919701f0a1e685", size = 1726829, upload-time = "2025-10-17T14:01:46.546Z" }, - { url = "https://files.pythonhosted.org/packages/23/ce/610b1f77525a0a46639aea91377b12348e9f9412cc5ddcb17502aa4681c7/aiohttp-3.13.1-cp314-cp314-musllinux_1_2_riscv64.whl", hash = "sha256:8fa09ab6dd567cb105db4e8ac4d60f377a7a94f67cf669cac79982f626360f32", size = 1542985, upload-time = "2025-10-17T14:01:49.082Z" }, - { url = "https://files.pythonhosted.org/packages/53/39/3ac8dfdad5de38c401846fa071fcd24cb3b88ccfb024854df6cbd9b4a07e/aiohttp-3.13.1-cp314-cp314-musllinux_1_2_s390x.whl", hash = "sha256:4159fae827f9b5f655538a4f99b7cbc3a2187e5ca2eee82f876ef1da802ccfa9", size = 1741556, upload-time = "2025-10-17T14:01:51.846Z" }, - { url = "https://files.pythonhosted.org/packages/2a/48/b1948b74fea7930b0f29595d1956842324336de200593d49a51a40607fdc/aiohttp-3.13.1-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:ad671118c19e9cfafe81a7a05c294449fe0ebb0d0c6d5bb445cd2190023f5cef", size = 1696175, upload-time = "2025-10-17T14:01:54.232Z" }, - { url = "https://files.pythonhosted.org/packages/96/26/063bba38e4b27b640f56cc89fe83cc3546a7ae162c2e30ca345f0ccdc3d1/aiohttp-3.13.1-cp314-cp314-win32.whl", hash = "sha256:c5c970c148c48cf6acb65224ca3c87a47f74436362dde75c27bc44155ccf7dfc", size = 430254, upload-time = "2025-10-17T14:01:56.451Z" }, - { url = "https://files.pythonhosted.org/packages/88/aa/25fd764384dc4eab714023112d3548a8dd69a058840d61d816ea736097a2/aiohttp-3.13.1-cp314-cp314-win_amd64.whl", hash = "sha256:748a00167b7a88385756fa615417d24081cba7e58c8727d2e28817068b97c18c", size = 456256, upload-time = "2025-10-17T14:01:58.752Z" }, - { url = "https://files.pythonhosted.org/packages/d4/9f/9ba6059de4bad25c71cd88e3da53f93e9618ea369cf875c9f924b1c167e2/aiohttp-3.13.1-cp314-cp314t-macosx_10_13_universal2.whl", hash = "sha256:390b73e99d7a1f0f658b3f626ba345b76382f3edc65f49d6385e326e777ed00e", size = 765956, upload-time = "2025-10-17T14:02:01.515Z" }, - { url = "https://files.pythonhosted.org/packages/1f/30/b86da68b494447d3060f45c7ebb461347535dab4af9162a9267d9d86ca31/aiohttp-3.13.1-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:27e83abb330e687e019173d8fc1fd6a1cf471769624cf89b1bb49131198a810a", size = 503206, upload-time = "2025-10-17T14:02:03.818Z" }, - { url = "https://files.pythonhosted.org/packages/c1/21/d27a506552843ff9eeb9fcc2d45f943b09eefdfdf205aab044f4f1f39f6a/aiohttp-3.13.1-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:2b20eed07131adbf3e873e009c2869b16a579b236e9d4b2f211bf174d8bef44a", size = 507719, upload-time = "2025-10-17T14:02:05.947Z" }, - { url = "https://files.pythonhosted.org/packages/58/23/4042230ec7e4edc7ba43d0342b5a3d2fe0222ca046933c4251a35aaf17f5/aiohttp-3.13.1-cp314-cp314t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:58fee9ef8477fd69e823b92cfd1f590ee388521b5ff8f97f3497e62ee0656212", size = 1862758, upload-time = "2025-10-17T14:02:08.469Z" }, - { url = "https://files.pythonhosted.org/packages/df/88/525c45bea7cbb9f65df42cadb4ff69f6a0dbf95931b0ff7d1fdc40a1cb5f/aiohttp-3.13.1-cp314-cp314t-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:1f62608fcb7b3d034d5e9496bea52d94064b7b62b06edba82cd38191336bbeda", size = 1717790, upload-time = "2025-10-17T14:02:11.37Z" }, - { url = "https://files.pythonhosted.org/packages/1d/80/21e9b5eb77df352a5788713f37359b570a793f0473f3a72db2e46df379b9/aiohttp-3.13.1-cp314-cp314t-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:fdc4d81c3dfc999437f23e36d197e8b557a3f779625cd13efe563a9cfc2ce712", size = 1842088, upload-time = "2025-10-17T14:02:13.872Z" }, - { url = "https://files.pythonhosted.org/packages/d2/bf/d1738f6d63fe8b2a0ad49533911b3347f4953cd001bf3223cb7b61f18dff/aiohttp-3.13.1-cp314-cp314t-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:601d7ec812f746fd80ff8af38eeb3f196e1bab4a4d39816ccbc94c222d23f1d0", size = 1934292, upload-time = "2025-10-17T14:02:16.624Z" }, - { url = "https://files.pythonhosted.org/packages/04/e6/26cab509b42610ca49573f2fc2867810f72bd6a2070182256c31b14f2e98/aiohttp-3.13.1-cp314-cp314t-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:47c3f21c469b840d9609089435c0d9918ae89f41289bf7cc4afe5ff7af5458db", size = 1791328, upload-time = "2025-10-17T14:02:19.051Z" }, - { url = "https://files.pythonhosted.org/packages/8a/6d/baf7b462852475c9d045bee8418d9cdf280efb687752b553e82d0c58bcc2/aiohttp-3.13.1-cp314-cp314t-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:d6c6cdc0750db88520332d4aaa352221732b0cafe89fd0e42feec7cb1b5dc236", size = 1622663, upload-time = "2025-10-17T14:02:21.397Z" }, - { url = "https://files.pythonhosted.org/packages/c8/48/396a97318af9b5f4ca8b3dc14a67976f71c6400a9609c622f96da341453f/aiohttp-3.13.1-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:58a12299eeb1fca2414ee2bc345ac69b0f765c20b82c3ab2a75d91310d95a9f6", size = 1787791, upload-time = "2025-10-17T14:02:24.212Z" }, - { url = "https://files.pythonhosted.org/packages/a8/e2/6925f6784134ce3ff3ce1a8502ab366432a3b5605387618c1a939ce778d9/aiohttp-3.13.1-cp314-cp314t-musllinux_1_2_armv7l.whl", hash = "sha256:0989cbfc195a4de1bb48f08454ef1cb47424b937e53ed069d08404b9d3c7aea1", size = 1775459, upload-time = "2025-10-17T14:02:26.971Z" }, - { url = "https://files.pythonhosted.org/packages/c3/e3/b372047ba739fc39f199b99290c4cc5578ce5fd125f69168c967dac44021/aiohttp-3.13.1-cp314-cp314t-musllinux_1_2_ppc64le.whl", hash = "sha256:feb5ee664300e2435e0d1bc3443a98925013dfaf2cae9699c1f3606b88544898", size = 1789250, upload-time = "2025-10-17T14:02:29.686Z" }, - { url = "https://files.pythonhosted.org/packages/02/8c/9f48b93d7d57fc9ef2ad4adace62e4663ea1ce1753806c4872fb36b54c39/aiohttp-3.13.1-cp314-cp314t-musllinux_1_2_riscv64.whl", hash = "sha256:58a6f8702da0c3606fb5cf2e669cce0ca681d072fe830968673bb4c69eb89e88", size = 1616139, upload-time = "2025-10-17T14:02:32.151Z" }, - { url = "https://files.pythonhosted.org/packages/5c/c6/c64e39d61aaa33d7de1be5206c0af3ead4b369bf975dac9fdf907a4291c1/aiohttp-3.13.1-cp314-cp314t-musllinux_1_2_s390x.whl", hash = "sha256:a417ceb433b9d280e2368ffea22d4bc6e3e0d894c4bc7768915124d57d0964b6", size = 1815829, upload-time = "2025-10-17T14:02:34.635Z" }, - { url = "https://files.pythonhosted.org/packages/22/75/e19e93965ea675f1151753b409af97a14f1d888588a555e53af1e62b83eb/aiohttp-3.13.1-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:8ac8854f7b0466c5d6a9ea49249b3f6176013859ac8f4bb2522ad8ed6b94ded2", size = 1760923, upload-time = "2025-10-17T14:02:37.364Z" }, - { url = "https://files.pythonhosted.org/packages/6c/a4/06ed38f1dabd98ea136fd116cba1d02c9b51af5a37d513b6850a9a567d86/aiohttp-3.13.1-cp314-cp314t-win32.whl", hash = "sha256:be697a5aeff42179ed13b332a411e674994bcd406c81642d014ace90bf4bb968", size = 463318, upload-time = "2025-10-17T14:02:39.924Z" }, - { url = "https://files.pythonhosted.org/packages/04/0f/27e4fdde899e1e90e35eeff56b54ed63826435ad6cdb06b09ed312d1b3fa/aiohttp-3.13.1-cp314-cp314t-win_amd64.whl", hash = "sha256:f1d6aa90546a4e8f20c3500cb68ab14679cd91f927fa52970035fd3207dfb3da", size = 496721, upload-time = "2025-10-17T14:02:42.199Z" }, -] - -[[package]] -name = "aiosignal" -version = "1.4.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "frozenlist" }, - { name = "typing-extensions", marker = "python_full_version < '3.13' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/61/62/06741b579156360248d1ec624842ad0edf697050bbaf7c3e46394e106ad1/aiosignal-1.4.0.tar.gz", hash = "sha256:f47eecd9468083c2029cc99945502cb7708b082c232f9aca65da147157b251c7", size = 25007, upload-time = "2025-07-03T22:54:43.528Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/fb/76/641ae371508676492379f16e2fa48f4e2c11741bd63c48be4b12a6b09cba/aiosignal-1.4.0-py3-none-any.whl", hash = "sha256:053243f8b92b990551949e63930a839ff0cf0b0ebbe0597b0f3fb19e1a0fe82e", size = 7490, upload-time = "2025-07-03T22:54:42.156Z" }, -] - -[[package]] -name = "alabaster" -version = "1.0.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/a6/f8/d9c74d0daf3f742840fd818d69cfae176fa332022fd44e3469487d5a9420/alabaster-1.0.0.tar.gz", hash = "sha256:c00dca57bca26fa62a6d7d0a9fcce65f3e026e9bfe33e9c538fd3fbb2144fd9e", size = 24210, upload-time = "2024-07-26T18:15:03.762Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/7e/b3/6b4067be973ae96ba0d615946e314c5ae35f9f993eca561b356540bb0c2b/alabaster-1.0.0-py3-none-any.whl", hash = "sha256:fc6786402dc3fcb2de3cabd5fe455a2db534b371124f1f21de8731783dec828b", size = 13929, upload-time = "2024-07-26T18:15:02.05Z" }, -] - -[[package]] -name = "alembic" -version = "1.17.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "mako" }, - { name = "sqlalchemy" }, - { name = "tomli", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/6b/45/6f4555f2039f364c3ce31399529dcf48dd60726ff3715ad67f547d87dfd2/alembic-1.17.0.tar.gz", hash = "sha256:4652a0b3e19616b57d652b82bfa5e38bf5dbea0813eed971612671cb9e90c0fe", size = 1975526, upload-time = "2025-10-11T18:40:13.585Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/44/1f/38e29b06bfed7818ebba1f84904afdc8153ef7b6c7e0d8f3bc6643f5989c/alembic-1.17.0-py3-none-any.whl", hash = "sha256:80523bc437d41b35c5db7e525ad9d908f79de65c27d6a5a5eab6df348a352d99", size = 247449, upload-time = "2025-10-11T18:40:16.288Z" }, -] - -[[package]] -name = "alive-progress" -version = "3.3.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "about-time" }, - { name = "graphemeu" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/9a/26/d43128764a6f8fe1668c4f87aba6b1fe52bea81d05a35c84a70d3c70b6f7/alive-progress-3.3.0.tar.gz", hash = "sha256:457dd2428b48dacd49854022a46448d236a48f1b7277874071c39395307e830c", size = 116281, upload-time = "2025-07-20T02:10:39.07Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/26/85/ec72f6c885703d18f3b09769645e950e14c7d0cc0a0e35d94127983f666f/alive_progress-3.3.0-py3-none-any.whl", hash = "sha256:63dd33bb94cde15ad9e5b666dbba8fedf71b72a4935d6fb9a92931e69402c9ff", size = 78403, upload-time = "2025-07-20T02:10:37.318Z" }, -] - -[[package]] -name = "annotated-doc" -version = "0.0.3" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/d7/a6/dc46877b911e40c00d395771ea710d5e77b6de7bacd5fdcd78d70cc5a48f/annotated_doc-0.0.3.tar.gz", hash = "sha256:e18370014c70187422c33e945053ff4c286f453a984eba84d0dbfa0c935adeda", size = 5535, upload-time = "2025-10-24T14:57:10.718Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/02/b7/cf592cb5de5cb3bade3357f8d2cf42bf103bbe39f459824b4939fd212911/annotated_doc-0.0.3-py3-none-any.whl", hash = "sha256:348ec6664a76f1fd3be81f43dffbee4c7e8ce931ba71ec67cc7f4ade7fbbb580", size = 5488, upload-time = "2025-10-24T14:57:09.462Z" }, -] - -[[package]] -name = "annotated-types" -version = "0.7.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/ee/67/531ea369ba64dcff5ec9c3402f9f51bf748cec26dde048a2f973a4eea7f5/annotated_types-0.7.0.tar.gz", hash = "sha256:aff07c09a53a08bc8cfccb9c85b05f1aa9a2a6f23728d790723543408344ce89", size = 16081, upload-time = "2024-05-20T21:33:25.928Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/78/b6/6307fbef88d9b5ee7421e68d78a9f162e0da4900bc5f5793f6d3d0e34fb8/annotated_types-0.7.0-py3-none-any.whl", hash = "sha256:1f02e8b43a8fbbc3f3e0d4f0f4bfc8131bcb4eebe8849b8e5c773f3a1c582a53", size = 13643, upload-time = "2024-05-20T21:33:24.1Z" }, -] - -[[package]] -name = "anomalib" -source = { editable = "." } -dependencies = [ - { name = "docstring-parser" }, - { name = "einops" }, - { name = "freia" }, - { name = "imagecodecs", version = "2025.3.30", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "imagecodecs", version = "2025.8.2", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "jsonargparse", extra = ["signatures"] }, - { name = "kornia" }, - { name = "lightning" }, - { name = "lightning-utilities" }, - { name = "matplotlib" }, - { name = "omegaconf" }, - { name = "opencv-python" }, - { name = "pandas" }, - { name = "pillow" }, - { name = "rich" }, - { name = "rich-argparse" }, - { name = "scikit-image" }, - { name = "scikit-learn" }, - { name = "tifffile", version = "2025.5.10", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "tifffile", version = "2025.10.16", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "timm" }, - { name = "torchmetrics" }, -] - -[package.optional-dependencies] -clip = [ - { name = "open-clip-torch" }, -] -cpu = [ - { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.23.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.14' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.23.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -cu118 = [ - { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" } }, - { name = "torchvision", version = "0.22.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" } }, -] -cu121 = [ - { name = "torch", version = "2.5.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" } }, - { name = "torchvision", version = "0.20.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" } }, -] -cu124 = [ - { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" } }, - { name = "torchvision", version = "0.21.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" } }, -] -cu130 = [ - { name = "torch", version = "2.9.0+cu130", source = { registry = "https://download.pytorch.org/whl/cu130" } }, - { name = "torchvision", version = "0.24.0", source = { registry = "https://download.pytorch.org/whl/cu130" }, marker = "(python_full_version < '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.24.0+cu130", source = { registry = "https://download.pytorch.org/whl/cu130" }, marker = "(python_full_version >= '3.15' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.15' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -dev = [ - { name = "av" }, - { name = "comet-ml" }, - { name = "commitizen" }, - { name = "coverage", extra = ["toml"] }, - { name = "gitpython" }, - { name = "gradio" }, - { name = "ipykernel" }, - { name = "ipywidgets" }, - { name = "mlflow" }, - { name = "myst-parser", extra = ["linkify"] }, - { name = "nbsphinx", version = "0.9.6", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nbsphinx", version = "0.9.7", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "nncf" }, - { name = "notebook" }, - { name = "ollama" }, - { name = "onnx" }, - { name = "open-clip-torch" }, - { name = "openai" }, - { name = "openvino" }, - { name = "pandoc" }, - { name = "pre-commit" }, - { name = "pytest" }, - { name = "pytest-cov" }, - { name = "pytest-json-report" }, - { name = "pytest-mock" }, - { name = "pytest-sugar" }, - { name = "pytest-timeout" }, - { name = "pytest-xdist" }, - { name = "python-dotenv" }, - { name = "sphinx", version = "8.1.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "sphinx", version = "8.2.3", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sphinx-autodoc-typehints", version = "3.0.1", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "sphinx-autodoc-typehints", version = "3.5.2", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sphinx-book-theme" }, - { name = "sphinx-copybutton" }, - { name = "sphinx-design" }, - { name = "tensorboard" }, - { name = "tox" }, - { name = "transformers" }, - { name = "wandb" }, -] -docs = [ - { name = "myst-parser", extra = ["linkify"] }, - { name = "nbsphinx", version = "0.9.6", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nbsphinx", version = "0.9.7", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "pandoc" }, - { name = "sphinx", version = "8.1.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "sphinx", version = "8.2.3", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sphinx-autodoc-typehints", version = "3.0.1", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "sphinx-autodoc-typehints", version = "3.5.2", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sphinx-book-theme" }, - { name = "sphinx-copybutton" }, - { name = "sphinx-design" }, -] -full = [ - { name = "av" }, - { name = "comet-ml" }, - { name = "gitpython" }, - { name = "gradio" }, - { name = "ipykernel" }, - { name = "ipywidgets" }, - { name = "mlflow" }, - { name = "nncf" }, - { name = "notebook" }, - { name = "ollama" }, - { name = "onnx" }, - { name = "open-clip-torch" }, - { name = "openai" }, - { name = "openvino" }, - { name = "python-dotenv" }, - { name = "tensorboard" }, - { name = "transformers" }, - { name = "wandb" }, -] -loggers = [ - { name = "comet-ml" }, - { name = "gradio" }, - { name = "mlflow" }, - { name = "tensorboard" }, - { name = "wandb" }, -] -notebooks = [ - { name = "gitpython" }, - { name = "ipykernel" }, - { name = "ipywidgets" }, - { name = "notebook" }, -] -openvino = [ - { name = "nncf" }, - { name = "onnx" }, - { name = "openvino" }, -] -rocm = [ - { name = "pytorch-triton-rocm", version = "3.2.0", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version < '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pytorch-triton-rocm", version = "3.5.0", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.5.1+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.6.0+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.20.1+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.21.0+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -test = [ - { name = "commitizen" }, - { name = "coverage", extra = ["toml"] }, - { name = "pre-commit" }, - { name = "pytest" }, - { name = "pytest-cov" }, - { name = "pytest-json-report" }, - { name = "pytest-mock" }, - { name = "pytest-sugar" }, - { name = "pytest-timeout" }, - { name = "pytest-xdist" }, - { name = "tox" }, -] -video = [ - { name = "av" }, -] -vlm = [ - { name = "ollama" }, - { name = "openai" }, - { name = "python-dotenv" }, - { name = "transformers" }, -] -xpu = [ - { name = "pytorch-triton-xpu", marker = "sys_platform == 'linux' or sys_platform == 'win32'" }, - { name = "torch", version = "2.8.0+xpu", source = { registry = "https://download.pytorch.org/whl/xpu" } }, - { name = "torchvision", version = "0.23.0+xpu", source = { registry = "https://download.pytorch.org/whl/xpu" } }, -] - -[package.metadata] -requires-dist = [ - { name = "av", marker = "extra == 'dev'", specifier = ">=10.0.0" }, - { name = "av", marker = "extra == 'full'", specifier = ">=10.0.0" }, - { name = "av", marker = "extra == 'video'", specifier = ">=10.0.0" }, - { name = "comet-ml", marker = "extra == 'dev'", specifier = ">=3.31.7" }, - { name = "comet-ml", marker = "extra == 'full'", specifier = ">=3.31.7" }, - { name = "comet-ml", marker = "extra == 'loggers'", specifier = ">=3.31.7" }, - { name = "commitizen", marker = "extra == 'dev'" }, - { name = "commitizen", marker = "extra == 'test'" }, - { name = "coverage", extras = ["toml"], marker = "extra == 'dev'" }, - { name = "coverage", extras = ["toml"], marker = "extra == 'test'" }, - { name = "docstring-parser" }, - { name = "einops", specifier = ">=0.3.2" }, - { name = "freia", specifier = ">=0.2" }, - { name = "gitpython", marker = "extra == 'dev'" }, - { name = "gitpython", marker = "extra == 'full'" }, - { name = "gitpython", marker = "extra == 'notebooks'" }, - { name = "gradio", marker = "extra == 'dev'", specifier = ">=4" }, - { name = "gradio", marker = "extra == 'full'", specifier = ">=4" }, - { name = "gradio", marker = "extra == 'loggers'", specifier = ">=4" }, - { name = "imagecodecs" }, - { name = "ipykernel", marker = "extra == 'dev'" }, - { name = "ipykernel", marker = "extra == 'full'" }, - { name = "ipykernel", marker = "extra == 'notebooks'" }, - { name = "ipywidgets", marker = "extra == 'dev'" }, - { name = "ipywidgets", marker = "extra == 'full'" }, - { name = "ipywidgets", marker = "extra == 'notebooks'" }, - { name = "jsonargparse", extras = ["signatures"], specifier = ">=4.27.7" }, - { name = "kornia", specifier = ">=0.6.6" }, - { name = "lightning", specifier = ">=2.2" }, - { name = "lightning-utilities" }, - { name = "matplotlib", specifier = ">=3.4.3" }, - { name = "mlflow", marker = "extra == 'dev'", specifier = ">=1.0.0" }, - { name = "mlflow", marker = "extra == 'full'", specifier = ">=1.0.0" }, - { name = "mlflow", marker = "extra == 'loggers'", specifier = ">=1.0.0" }, - { name = "myst-parser", extras = ["linkify"], marker = "extra == 'dev'" }, - { name = "myst-parser", extras = ["linkify"], marker = "extra == 'docs'" }, - { name = "nbsphinx", marker = "extra == 'dev'" }, - { name = "nbsphinx", marker = "extra == 'docs'" }, - { name = "nncf", marker = "extra == 'dev'", specifier = ">=2.10.0" }, - { name = "nncf", marker = "extra == 'full'", specifier = ">=2.10.0" }, - { name = "nncf", marker = "extra == 'openvino'", specifier = ">=2.10.0" }, - { name = "notebook", marker = "extra == 'dev'" }, - { name = "notebook", marker = "extra == 'full'" }, - { name = "notebook", marker = "extra == 'notebooks'" }, - { name = "ollama", marker = "extra == 'dev'", specifier = ">=0.4.0" }, - { name = "ollama", marker = "extra == 'full'", specifier = ">=0.4.0" }, - { name = "ollama", marker = "extra == 'vlm'", specifier = ">=0.4.0" }, - { name = "omegaconf", specifier = ">=2.1.1" }, - { name = "onnx", marker = "extra == 'dev'", specifier = ">=1.16.0" }, - { name = "onnx", marker = "extra == 'full'", specifier = ">=1.16.0" }, - { name = "onnx", marker = "extra == 'openvino'", specifier = ">=1.16.0" }, - { name = "open-clip-torch", marker = "extra == 'clip'", specifier = ">=2.23.0,<2.26.1" }, - { name = "open-clip-torch", marker = "extra == 'dev'", specifier = ">=2.23.0,<2.26.1" }, - { name = "open-clip-torch", marker = "extra == 'full'", specifier = ">=2.23.0,<2.26.1" }, - { name = "openai", marker = "extra == 'dev'" }, - { name = "openai", marker = "extra == 'full'" }, - { name = "openai", marker = "extra == 'vlm'" }, - { name = "opencv-python", specifier = ">=4.5.3.56" }, - { name = "openvino", marker = "extra == 'dev'", specifier = ">=2024.0" }, - { name = "openvino", marker = "extra == 'full'", specifier = ">=2024.0" }, - { name = "openvino", marker = "extra == 'openvino'", specifier = ">=2024.0" }, - { name = "pandas", specifier = ">=1.1.0" }, - { name = "pandoc", marker = "extra == 'dev'" }, - { name = "pandoc", marker = "extra == 'docs'" }, - { name = "pillow", specifier = ">=10.1.0" }, - { name = "pre-commit", marker = "extra == 'dev'" }, - { name = "pre-commit", marker = "extra == 'test'" }, - { name = "pytest", marker = "extra == 'dev'" }, - { name = "pytest", marker = "extra == 'test'" }, - { name = "pytest-cov", marker = "extra == 'dev'" }, - { name = "pytest-cov", marker = "extra == 'test'" }, - { name = "pytest-json-report", marker = "extra == 'dev'" }, - { name = "pytest-json-report", marker = "extra == 'test'" }, - { name = "pytest-mock", marker = "extra == 'dev'" }, - { name = "pytest-mock", marker = "extra == 'test'" }, - { name = "pytest-sugar", marker = "extra == 'dev'" }, - { name = "pytest-sugar", marker = "extra == 'test'" }, - { name = "pytest-timeout", marker = "extra == 'dev'" }, - { name = "pytest-timeout", marker = "extra == 'test'" }, - { name = "pytest-xdist", marker = "extra == 'dev'" }, - { name = "pytest-xdist", marker = "extra == 'test'" }, - { name = "python-dotenv", marker = "extra == 'dev'" }, - { name = "python-dotenv", marker = "extra == 'full'" }, - { name = "python-dotenv", marker = "extra == 'vlm'" }, - { name = "pytorch-triton-rocm", marker = "sys_platform == 'linux' and extra == 'rocm'", index = "https://download.pytorch.org/whl/rocm6.1", conflict = { package = "anomalib", extra = "rocm" } }, - { name = "pytorch-triton-xpu", marker = "(sys_platform == 'linux' and extra == 'xpu') or (sys_platform == 'win32' and extra == 'xpu')", index = "https://download.pytorch.org/whl/xpu", conflict = { package = "anomalib", extra = "xpu" } }, - { name = "rich", specifier = ">=13.5.2" }, - { name = "rich-argparse" }, - { name = "scikit-image" }, - { name = "scikit-learn" }, - { name = "sphinx", marker = "extra == 'dev'" }, - { name = "sphinx", marker = "extra == 'docs'" }, - { name = "sphinx-autodoc-typehints", marker = "extra == 'dev'" }, - { name = "sphinx-autodoc-typehints", marker = "extra == 'docs'" }, - { name = "sphinx-book-theme", marker = "extra == 'dev'" }, - { name = "sphinx-book-theme", marker = "extra == 'docs'" }, - { name = "sphinx-copybutton", marker = "extra == 'dev'" }, - { name = "sphinx-copybutton", marker = "extra == 'docs'" }, - { name = "sphinx-design", marker = "extra == 'dev'" }, - { name = "sphinx-design", marker = "extra == 'docs'" }, - { name = "tensorboard", marker = "extra == 'dev'" }, - { name = "tensorboard", marker = "extra == 'full'" }, - { name = "tensorboard", marker = "extra == 'loggers'" }, - { name = "tifffile" }, - { name = "timm" }, - { name = "torch", marker = "extra == 'cpu'", specifier = ">=2.4.0,<=2.8.0", index = "https://download.pytorch.org/whl/cpu", conflict = { package = "anomalib", extra = "cpu" } }, - { name = "torch", marker = "extra == 'cu118'", specifier = ">=2.4.0,<=2.8.0", index = "https://download.pytorch.org/whl/cu118", conflict = { package = "anomalib", extra = "cu118" } }, - { name = "torch", marker = "extra == 'cu121'", specifier = ">=2.4.0,<=2.8.0", index = "https://download.pytorch.org/whl/cu121", conflict = { package = "anomalib", extra = "cu121" } }, - { name = "torch", marker = "extra == 'cu124'", specifier = ">=2.4.0,<=2.8.0", index = "https://download.pytorch.org/whl/cu124", conflict = { package = "anomalib", extra = "cu124" } }, - { name = "torch", marker = "extra == 'cu130'", specifier = ">=2.4.0", index = "https://download.pytorch.org/whl/cu130", conflict = { package = "anomalib", extra = "cu130" } }, - { name = "torch", marker = "extra == 'rocm'", specifier = ">=2.4.0,<=2.8.0", index = "https://download.pytorch.org/whl/rocm6.1", conflict = { package = "anomalib", extra = "rocm" } }, - { name = "torch", marker = "extra == 'xpu'", specifier = ">=2.4.0,<=2.8.0", index = "https://download.pytorch.org/whl/xpu", conflict = { package = "anomalib", extra = "xpu" } }, - { name = "torchmetrics", specifier = ">=1.8.2" }, - { name = "torchvision", marker = "extra == 'cpu'", specifier = ">=0.19.0", index = "https://download.pytorch.org/whl/cpu", conflict = { package = "anomalib", extra = "cpu" } }, - { name = "torchvision", marker = "extra == 'cu118'", specifier = ">=0.19.0", index = "https://download.pytorch.org/whl/cu118", conflict = { package = "anomalib", extra = "cu118" } }, - { name = "torchvision", marker = "extra == 'cu121'", specifier = ">=0.19.0", index = "https://download.pytorch.org/whl/cu121", conflict = { package = "anomalib", extra = "cu121" } }, - { name = "torchvision", marker = "extra == 'cu124'", specifier = ">=0.19.0", index = "https://download.pytorch.org/whl/cu124", conflict = { package = "anomalib", extra = "cu124" } }, - { name = "torchvision", marker = "extra == 'cu130'", specifier = ">=0.19.0", index = "https://download.pytorch.org/whl/cu130", conflict = { package = "anomalib", extra = "cu130" } }, - { name = "torchvision", marker = "extra == 'rocm'", specifier = ">=0.19.0", index = "https://download.pytorch.org/whl/rocm6.1", conflict = { package = "anomalib", extra = "rocm" } }, - { name = "torchvision", marker = "extra == 'xpu'", specifier = ">=0.19.0", index = "https://download.pytorch.org/whl/xpu", conflict = { package = "anomalib", extra = "xpu" } }, - { name = "tox", marker = "extra == 'dev'" }, - { name = "tox", marker = "extra == 'test'" }, - { name = "transformers", marker = "extra == 'dev'" }, - { name = "transformers", marker = "extra == 'full'" }, - { name = "transformers", marker = "extra == 'vlm'" }, - { name = "wandb", marker = "extra == 'dev'" }, - { name = "wandb", marker = "extra == 'full'" }, - { name = "wandb", marker = "extra == 'loggers'" }, -] -provides-extras = ["clip", "cpu", "cu118", "cu121", "cu124", "cu130", "dev", "docs", "full", "loggers", "notebooks", "openvino", "rocm", "test", "video", "vlm", "xpu"] - -[[package]] -name = "antlr4-python3-runtime" -version = "4.9.3" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/3e/38/7859ff46355f76f8d19459005ca000b6e7012f2f1ca597746cbcd1fbfe5e/antlr4-python3-runtime-4.9.3.tar.gz", hash = "sha256:f224469b4168294902bb1efa80a8bf7855f24c99aef99cbefc1bcd3cce77881b", size = 117034, upload-time = "2021-11-06T17:52:23.524Z" } - -[[package]] -name = "anyio" -version = "4.11.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "exceptiongroup", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "idna" }, - { name = "sniffio" }, - { name = "typing-extensions", marker = "python_full_version < '3.13' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/c6/78/7d432127c41b50bccba979505f272c16cbcadcc33645d5fa3a738110ae75/anyio-4.11.0.tar.gz", hash = "sha256:82a8d0b81e318cc5ce71a5f1f8b5c4e63619620b63141ef8c995fa0db95a57c4", size = 219094, upload-time = "2025-09-23T09:19:12.58Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/15/b3/9b1a8074496371342ec1e796a96f99c82c945a339cd81a8e73de28b4cf9e/anyio-4.11.0-py3-none-any.whl", hash = "sha256:0287e96f4d26d4149305414d4e3bc32f0dcd0862365a4bddea19d7a1ec38c4fc", size = 109097, upload-time = "2025-09-23T09:19:10.601Z" }, -] - -[[package]] -name = "appnope" -version = "0.1.4" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/35/5d/752690df9ef5b76e169e68d6a129fa6d08a7100ca7f754c89495db3c6019/appnope-0.1.4.tar.gz", hash = "sha256:1de3860566df9caf38f01f86f65e0e13e379af54f9e4bee1e66b48f2efffd1ee", size = 4170, upload-time = "2024-02-06T09:43:11.258Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/81/29/5ecc3a15d5a33e31b26c11426c45c501e439cb865d0bff96315d86443b78/appnope-0.1.4-py2.py3-none-any.whl", hash = "sha256:502575ee11cd7a28c0205f379b525beefebab9d161b7c964670864014ed7213c", size = 4321, upload-time = "2024-02-06T09:43:09.663Z" }, -] - -[[package]] -name = "argcomplete" -version = "3.6.3" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/38/61/0b9ae6399dd4a58d8c1b1dc5a27d6f2808023d0b5dd3104bb99f45a33ff6/argcomplete-3.6.3.tar.gz", hash = "sha256:62e8ed4fd6a45864acc8235409461b72c9a28ee785a2011cc5eb78318786c89c", size = 73754, upload-time = "2025-10-20T03:33:34.741Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/74/f5/9373290775639cb67a2fce7f629a1c240dce9f12fe927bc32b2736e16dfc/argcomplete-3.6.3-py3-none-any.whl", hash = "sha256:f5007b3a600ccac5d25bbce33089211dfd49eab4a7718da3f10e3082525a92ce", size = 43846, upload-time = "2025-10-20T03:33:33.021Z" }, -] - -[[package]] -name = "argon2-cffi" -version = "25.1.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "argon2-cffi-bindings" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/0e/89/ce5af8a7d472a67cc819d5d998aa8c82c5d860608c4db9f46f1162d7dab9/argon2_cffi-25.1.0.tar.gz", hash = "sha256:694ae5cc8a42f4c4e2bf2ca0e64e51e23a040c6a517a85074683d3959e1346c1", size = 45706, upload-time = "2025-06-03T06:55:32.073Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/4f/d3/a8b22fa575b297cd6e3e3b0155c7e25db170edf1c74783d6a31a2490b8d9/argon2_cffi-25.1.0-py3-none-any.whl", hash = "sha256:fdc8b074db390fccb6eb4a3604ae7231f219aa669a2652e0f20e16ba513d5741", size = 14657, upload-time = "2025-06-03T06:55:30.804Z" }, -] - -[[package]] -name = "argon2-cffi-bindings" -version = "25.1.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "cffi" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/5c/2d/db8af0df73c1cf454f71b2bbe5e356b8c1f8041c979f505b3d3186e520a9/argon2_cffi_bindings-25.1.0.tar.gz", hash = "sha256:b957f3e6ea4d55d820e40ff76f450952807013d361a65d7f28acc0acbf29229d", size = 1783441, upload-time = "2025-07-30T10:02:05.147Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/60/97/3c0a35f46e52108d4707c44b95cfe2afcafc50800b5450c197454569b776/argon2_cffi_bindings-25.1.0-cp314-cp314t-macosx_10_13_universal2.whl", hash = "sha256:3d3f05610594151994ca9ccb3c771115bdb4daef161976a266f0dd8aa9996b8f", size = 54393, upload-time = "2025-07-30T10:01:40.97Z" }, - { url = "https://files.pythonhosted.org/packages/9d/f4/98bbd6ee89febd4f212696f13c03ca302b8552e7dbf9c8efa11ea4a388c3/argon2_cffi_bindings-25.1.0-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:8b8efee945193e667a396cbc7b4fb7d357297d6234d30a489905d96caabde56b", size = 29328, upload-time = "2025-07-30T10:01:41.916Z" }, - { url = "https://files.pythonhosted.org/packages/43/24/90a01c0ef12ac91a6be05969f29944643bc1e5e461155ae6559befa8f00b/argon2_cffi_bindings-25.1.0-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:3c6702abc36bf3ccba3f802b799505def420a1b7039862014a65db3205967f5a", size = 31269, upload-time = "2025-07-30T10:01:42.716Z" }, - { url = "https://files.pythonhosted.org/packages/d4/d3/942aa10782b2697eee7af5e12eeff5ebb325ccfb86dd8abda54174e377e4/argon2_cffi_bindings-25.1.0-cp314-cp314t-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:a1c70058c6ab1e352304ac7e3b52554daadacd8d453c1752e547c76e9c99ac44", size = 86558, upload-time = "2025-07-30T10:01:43.943Z" }, - { url = "https://files.pythonhosted.org/packages/0d/82/b484f702fec5536e71836fc2dbc8c5267b3f6e78d2d539b4eaa6f0db8bf8/argon2_cffi_bindings-25.1.0-cp314-cp314t-manylinux_2_26_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:e2fd3bfbff3c5d74fef31a722f729bf93500910db650c925c2d6ef879a7e51cb", size = 92364, upload-time = "2025-07-30T10:01:44.887Z" }, - { url = "https://files.pythonhosted.org/packages/c9/c1/a606ff83b3f1735f3759ad0f2cd9e038a0ad11a3de3b6c673aa41c24bb7b/argon2_cffi_bindings-25.1.0-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:c4f9665de60b1b0e99bcd6be4f17d90339698ce954cfd8d9cf4f91c995165a92", size = 85637, upload-time = "2025-07-30T10:01:46.225Z" }, - { url = "https://files.pythonhosted.org/packages/44/b4/678503f12aceb0262f84fa201f6027ed77d71c5019ae03b399b97caa2f19/argon2_cffi_bindings-25.1.0-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:ba92837e4a9aa6a508c8d2d7883ed5a8f6c308c89a4790e1e447a220deb79a85", size = 91934, upload-time = "2025-07-30T10:01:47.203Z" }, - { url = "https://files.pythonhosted.org/packages/f0/c7/f36bd08ef9bd9f0a9cff9428406651f5937ce27b6c5b07b92d41f91ae541/argon2_cffi_bindings-25.1.0-cp314-cp314t-win32.whl", hash = "sha256:84a461d4d84ae1295871329b346a97f68eade8c53b6ed9a7ca2d7467f3c8ff6f", size = 28158, upload-time = "2025-07-30T10:01:48.341Z" }, - { url = "https://files.pythonhosted.org/packages/b3/80/0106a7448abb24a2c467bf7d527fe5413b7fdfa4ad6d6a96a43a62ef3988/argon2_cffi_bindings-25.1.0-cp314-cp314t-win_amd64.whl", hash = "sha256:b55aec3565b65f56455eebc9b9f34130440404f27fe21c3b375bf1ea4d8fbae6", size = 32597, upload-time = "2025-07-30T10:01:49.112Z" }, - { url = "https://files.pythonhosted.org/packages/05/b8/d663c9caea07e9180b2cb662772865230715cbd573ba3b5e81793d580316/argon2_cffi_bindings-25.1.0-cp314-cp314t-win_arm64.whl", hash = "sha256:87c33a52407e4c41f3b70a9c2d3f6056d88b10dad7695be708c5021673f55623", size = 28231, upload-time = "2025-07-30T10:01:49.92Z" }, - { url = "https://files.pythonhosted.org/packages/1d/57/96b8b9f93166147826da5f90376e784a10582dd39a393c99bb62cfcf52f0/argon2_cffi_bindings-25.1.0-cp39-abi3-macosx_10_9_universal2.whl", hash = "sha256:aecba1723ae35330a008418a91ea6cfcedf6d31e5fbaa056a166462ff066d500", size = 54121, upload-time = "2025-07-30T10:01:50.815Z" }, - { url = "https://files.pythonhosted.org/packages/0a/08/a9bebdb2e0e602dde230bdde8021b29f71f7841bd54801bcfd514acb5dcf/argon2_cffi_bindings-25.1.0-cp39-abi3-macosx_10_9_x86_64.whl", hash = "sha256:2630b6240b495dfab90aebe159ff784d08ea999aa4b0d17efa734055a07d2f44", size = 29177, upload-time = "2025-07-30T10:01:51.681Z" }, - { url = "https://files.pythonhosted.org/packages/b6/02/d297943bcacf05e4f2a94ab6f462831dc20158614e5d067c35d4e63b9acb/argon2_cffi_bindings-25.1.0-cp39-abi3-macosx_11_0_arm64.whl", hash = "sha256:7aef0c91e2c0fbca6fc68e7555aa60ef7008a739cbe045541e438373bc54d2b0", size = 31090, upload-time = "2025-07-30T10:01:53.184Z" }, - { url = "https://files.pythonhosted.org/packages/c1/93/44365f3d75053e53893ec6d733e4a5e3147502663554b4d864587c7828a7/argon2_cffi_bindings-25.1.0-cp39-abi3-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:1e021e87faa76ae0d413b619fe2b65ab9a037f24c60a1e6cc43457ae20de6dc6", size = 81246, upload-time = "2025-07-30T10:01:54.145Z" }, - { url = "https://files.pythonhosted.org/packages/09/52/94108adfdd6e2ddf58be64f959a0b9c7d4ef2fa71086c38356d22dc501ea/argon2_cffi_bindings-25.1.0-cp39-abi3-manylinux_2_26_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:d3e924cfc503018a714f94a49a149fdc0b644eaead5d1f089330399134fa028a", size = 87126, upload-time = "2025-07-30T10:01:55.074Z" }, - { url = "https://files.pythonhosted.org/packages/72/70/7a2993a12b0ffa2a9271259b79cc616e2389ed1a4d93842fac5a1f923ffd/argon2_cffi_bindings-25.1.0-cp39-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:c87b72589133f0346a1cb8d5ecca4b933e3c9b64656c9d175270a000e73b288d", size = 80343, upload-time = "2025-07-30T10:01:56.007Z" }, - { url = "https://files.pythonhosted.org/packages/78/9a/4e5157d893ffc712b74dbd868c7f62365618266982b64accab26bab01edc/argon2_cffi_bindings-25.1.0-cp39-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:1db89609c06afa1a214a69a462ea741cf735b29a57530478c06eb81dd403de99", size = 86777, upload-time = "2025-07-30T10:01:56.943Z" }, - { url = "https://files.pythonhosted.org/packages/74/cd/15777dfde1c29d96de7f18edf4cc94c385646852e7c7b0320aa91ccca583/argon2_cffi_bindings-25.1.0-cp39-abi3-win32.whl", hash = "sha256:473bcb5f82924b1becbb637b63303ec8d10e84c8d241119419897a26116515d2", size = 27180, upload-time = "2025-07-30T10:01:57.759Z" }, - { url = "https://files.pythonhosted.org/packages/e2/c6/a759ece8f1829d1f162261226fbfd2c6832b3ff7657384045286d2afa384/argon2_cffi_bindings-25.1.0-cp39-abi3-win_amd64.whl", hash = "sha256:a98cd7d17e9f7ce244c0803cad3c23a7d379c301ba618a5fa76a67d116618b98", size = 31715, upload-time = "2025-07-30T10:01:58.56Z" }, - { url = "https://files.pythonhosted.org/packages/42/b9/f8d6fa329ab25128b7e98fd83a3cb34d9db5b059a9847eddb840a0af45dd/argon2_cffi_bindings-25.1.0-cp39-abi3-win_arm64.whl", hash = "sha256:b0fdbcf513833809c882823f98dc2f931cf659d9a1429616ac3adebb49f5db94", size = 27149, upload-time = "2025-07-30T10:01:59.329Z" }, - { url = "https://files.pythonhosted.org/packages/11/2d/ba4e4ca8d149f8dcc0d952ac0967089e1d759c7e5fcf0865a317eb680fbb/argon2_cffi_bindings-25.1.0-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:6dca33a9859abf613e22733131fc9194091c1fa7cb3e131c143056b4856aa47e", size = 24549, upload-time = "2025-07-30T10:02:00.101Z" }, - { url = "https://files.pythonhosted.org/packages/5c/82/9b2386cc75ac0bd3210e12a44bfc7fd1632065ed8b80d573036eecb10442/argon2_cffi_bindings-25.1.0-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:21378b40e1b8d1655dd5310c84a40fc19a9aa5e6366e835ceb8576bf0fea716d", size = 25539, upload-time = "2025-07-30T10:02:00.929Z" }, - { url = "https://files.pythonhosted.org/packages/31/db/740de99a37aa727623730c90d92c22c9e12585b3c98c54b7960f7810289f/argon2_cffi_bindings-25.1.0-pp310-pypy310_pp73-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:5d588dec224e2a83edbdc785a5e6f3c6cd736f46bfd4b441bbb5aa1f5085e584", size = 28467, upload-time = "2025-07-30T10:02:02.08Z" }, - { url = "https://files.pythonhosted.org/packages/71/7a/47c4509ea18d755f44e2b92b7178914f0c113946d11e16e626df8eaa2b0b/argon2_cffi_bindings-25.1.0-pp310-pypy310_pp73-manylinux_2_26_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:5acb4e41090d53f17ca1110c3427f0a130f944b896fc8c83973219c97f57b690", size = 27355, upload-time = "2025-07-30T10:02:02.867Z" }, - { url = "https://files.pythonhosted.org/packages/ee/82/82745642d3c46e7cea25e1885b014b033f4693346ce46b7f47483cf5d448/argon2_cffi_bindings-25.1.0-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:da0c79c23a63723aa5d782250fbf51b768abca630285262fb5144ba5ae01e520", size = 29187, upload-time = "2025-07-30T10:02:03.674Z" }, -] - -[[package]] -name = "arrow" -version = "1.4.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "python-dateutil" }, - { name = "tzdata" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/b9/33/032cdc44182491aa708d06a68b62434140d8c50820a087fac7af37703357/arrow-1.4.0.tar.gz", hash = "sha256:ed0cc050e98001b8779e84d461b0098c4ac597e88704a655582b21d116e526d7", size = 152931, upload-time = "2025-10-18T17:46:46.761Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ed/c9/d7977eaacb9df673210491da99e6a247e93df98c715fc43fd136ce1d3d33/arrow-1.4.0-py3-none-any.whl", hash = "sha256:749f0769958ebdc79c173ff0b0670d59051a535fa26e8eba02953dc19eb43205", size = 68797, upload-time = "2025-10-18T17:46:45.663Z" }, -] - -[[package]] -name = "asttokens" -version = "3.0.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/4a/e7/82da0a03e7ba5141f05cce0d302e6eed121ae055e0456ca228bf693984bc/asttokens-3.0.0.tar.gz", hash = "sha256:0dcd8baa8d62b0c1d118b399b2ddba3c4aff271d0d7a9e0d4c1681c79035bbc7", size = 61978, upload-time = "2024-11-30T04:30:14.439Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/25/8a/c46dcc25341b5bce5472c718902eb3d38600a903b14fa6aeecef3f21a46f/asttokens-3.0.0-py3-none-any.whl", hash = "sha256:e3078351a059199dd5138cb1c706e6430c05eff2ff136af5eb4790f9d28932e2", size = 26918, upload-time = "2024-11-30T04:30:10.946Z" }, -] - -[[package]] -name = "async-lru" -version = "2.0.5" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "typing-extensions", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/b2/4d/71ec4d3939dc755264f680f6c2b4906423a304c3d18e96853f0a595dfe97/async_lru-2.0.5.tar.gz", hash = "sha256:481d52ccdd27275f42c43a928b4a50c3bfb2d67af4e78b170e3e0bb39c66e5bb", size = 10380, upload-time = "2025-03-16T17:25:36.919Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/03/49/d10027df9fce941cb8184e78a02857af36360d33e1721df81c5ed2179a1a/async_lru-2.0.5-py3-none-any.whl", hash = "sha256:ab95404d8d2605310d345932697371a5f40def0487c03d6d0ad9138de52c9943", size = 6069, upload-time = "2025-03-16T17:25:35.422Z" }, -] - -[[package]] -name = "async-timeout" -version = "5.0.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/a5/ae/136395dfbfe00dfc94da3f3e136d0b13f394cba8f4841120e34226265780/async_timeout-5.0.1.tar.gz", hash = "sha256:d9321a7a3d5a6a5e187e824d2fa0793ce379a202935782d555d6e9d2735677d3", size = 9274, upload-time = "2024-11-06T16:41:39.6Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/fe/ba/e2081de779ca30d473f21f5b30e0e737c438205440784c7dfc81efc2b029/async_timeout-5.0.1-py3-none-any.whl", hash = "sha256:39e3809566ff85354557ec2398b55e096c8364bacac9405a7a1fa429e77fe76c", size = 6233, upload-time = "2024-11-06T16:41:37.9Z" }, -] - -[[package]] -name = "attrs" -version = "25.4.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/6b/5c/685e6633917e101e5dcb62b9dd76946cbb57c26e133bae9e0cd36033c0a9/attrs-25.4.0.tar.gz", hash = "sha256:16d5969b87f0859ef33a48b35d55ac1be6e42ae49d5e853b597db70c35c57e11", size = 934251, upload-time = "2025-10-06T13:54:44.725Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/3a/2a/7cc015f5b9f5db42b7d48157e23356022889fc354a2813c15934b7cb5c0e/attrs-25.4.0-py3-none-any.whl", hash = "sha256:adcf7e2a1fb3b36ac48d97835bb6d8ade15b8dcce26aba8bf1d14847b57a3373", size = 67615, upload-time = "2025-10-06T13:54:43.17Z" }, -] - -[[package]] -name = "audioop-lts" -version = "0.2.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/38/53/946db57842a50b2da2e0c1e34bd37f36f5aadba1a929a3971c5d7841dbca/audioop_lts-0.2.2.tar.gz", hash = "sha256:64d0c62d88e67b98a1a5e71987b7aa7b5bcffc7dcee65b635823dbdd0a8dbbd0", size = 30686, upload-time = "2025-08-05T16:43:17.409Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/de/d4/94d277ca941de5a507b07f0b592f199c22454eeaec8f008a286b3fbbacd6/audioop_lts-0.2.2-cp313-abi3-macosx_10_13_universal2.whl", hash = "sha256:fd3d4602dc64914d462924a08c1a9816435a2155d74f325853c1f1ac3b2d9800", size = 46523, upload-time = "2025-08-05T16:42:20.836Z" }, - { url = "https://files.pythonhosted.org/packages/f8/5a/656d1c2da4b555920ce4177167bfeb8623d98765594af59702c8873f60ec/audioop_lts-0.2.2-cp313-abi3-macosx_10_13_x86_64.whl", hash = "sha256:550c114a8df0aafe9a05442a1162dfc8fec37e9af1d625ae6060fed6e756f303", size = 27455, upload-time = "2025-08-05T16:42:22.283Z" }, - { url = "https://files.pythonhosted.org/packages/1b/83/ea581e364ce7b0d41456fb79d6ee0ad482beda61faf0cab20cbd4c63a541/audioop_lts-0.2.2-cp313-abi3-macosx_11_0_arm64.whl", hash = "sha256:9a13dc409f2564de15dd68be65b462ba0dde01b19663720c68c1140c782d1d75", size = 26997, upload-time = "2025-08-05T16:42:23.849Z" }, - { url = "https://files.pythonhosted.org/packages/b8/3b/e8964210b5e216e5041593b7d33e97ee65967f17c282e8510d19c666dab4/audioop_lts-0.2.2-cp313-abi3-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:51c916108c56aa6e426ce611946f901badac950ee2ddaf302b7ed35d9958970d", size = 85844, upload-time = "2025-08-05T16:42:25.208Z" }, - { url = "https://files.pythonhosted.org/packages/c7/2e/0a1c52faf10d51def20531a59ce4c706cb7952323b11709e10de324d6493/audioop_lts-0.2.2-cp313-abi3-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:47eba38322370347b1c47024defbd36374a211e8dd5b0dcbce7b34fdb6f8847b", size = 85056, upload-time = "2025-08-05T16:42:26.559Z" }, - { url = "https://files.pythonhosted.org/packages/75/e8/cd95eef479656cb75ab05dfece8c1f8c395d17a7c651d88f8e6e291a63ab/audioop_lts-0.2.2-cp313-abi3-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:ba7c3a7e5f23e215cb271516197030c32aef2e754252c4c70a50aaff7031a2c8", size = 93892, upload-time = "2025-08-05T16:42:27.902Z" }, - { url = "https://files.pythonhosted.org/packages/5c/1e/a0c42570b74f83efa5cca34905b3eef03f7ab09fe5637015df538a7f3345/audioop_lts-0.2.2-cp313-abi3-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:def246fe9e180626731b26e89816e79aae2276f825420a07b4a647abaa84becc", size = 96660, upload-time = "2025-08-05T16:42:28.9Z" }, - { url = "https://files.pythonhosted.org/packages/50/d5/8a0ae607ca07dbb34027bac8db805498ee7bfecc05fd2c148cc1ed7646e7/audioop_lts-0.2.2-cp313-abi3-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:e160bf9df356d841bb6c180eeeea1834085464626dc1b68fa4e1d59070affdc3", size = 79143, upload-time = "2025-08-05T16:42:29.929Z" }, - { url = "https://files.pythonhosted.org/packages/12/17/0d28c46179e7910bfb0bb62760ccb33edb5de973052cb2230b662c14ca2e/audioop_lts-0.2.2-cp313-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:4b4cd51a57b698b2d06cb9993b7ac8dfe89a3b2878e96bc7948e9f19ff51dba6", size = 84313, upload-time = "2025-08-05T16:42:30.949Z" }, - { url = "https://files.pythonhosted.org/packages/84/ba/bd5d3806641564f2024e97ca98ea8f8811d4e01d9b9f9831474bc9e14f9e/audioop_lts-0.2.2-cp313-abi3-musllinux_1_2_ppc64le.whl", hash = "sha256:4a53aa7c16a60a6857e6b0b165261436396ef7293f8b5c9c828a3a203147ed4a", size = 93044, upload-time = "2025-08-05T16:42:31.959Z" }, - { url = "https://files.pythonhosted.org/packages/f9/5e/435ce8d5642f1f7679540d1e73c1c42d933331c0976eb397d1717d7f01a3/audioop_lts-0.2.2-cp313-abi3-musllinux_1_2_riscv64.whl", hash = "sha256:3fc38008969796f0f689f1453722a0f463da1b8a6fbee11987830bfbb664f623", size = 78766, upload-time = "2025-08-05T16:42:33.302Z" }, - { url = "https://files.pythonhosted.org/packages/ae/3b/b909e76b606cbfd53875693ec8c156e93e15a1366a012f0b7e4fb52d3c34/audioop_lts-0.2.2-cp313-abi3-musllinux_1_2_s390x.whl", hash = "sha256:15ab25dd3e620790f40e9ead897f91e79c0d3ce65fe193c8ed6c26cffdd24be7", size = 87640, upload-time = "2025-08-05T16:42:34.854Z" }, - { url = "https://files.pythonhosted.org/packages/30/e7/8f1603b4572d79b775f2140d7952f200f5e6c62904585d08a01f0a70393a/audioop_lts-0.2.2-cp313-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:03f061a1915538fd96272bac9551841859dbb2e3bf73ebe4a23ef043766f5449", size = 86052, upload-time = "2025-08-05T16:42:35.839Z" }, - { url = "https://files.pythonhosted.org/packages/b5/96/c37846df657ccdda62ba1ae2b6534fa90e2e1b1742ca8dcf8ebd38c53801/audioop_lts-0.2.2-cp313-abi3-win32.whl", hash = "sha256:3bcddaaf6cc5935a300a8387c99f7a7fbbe212a11568ec6cf6e4bc458c048636", size = 26185, upload-time = "2025-08-05T16:42:37.04Z" }, - { url = "https://files.pythonhosted.org/packages/34/a5/9d78fdb5b844a83da8a71226c7bdae7cc638861085fff7a1d707cb4823fa/audioop_lts-0.2.2-cp313-abi3-win_amd64.whl", hash = "sha256:a2c2a947fae7d1062ef08c4e369e0ba2086049a5e598fda41122535557012e9e", size = 30503, upload-time = "2025-08-05T16:42:38.427Z" }, - { url = "https://files.pythonhosted.org/packages/34/25/20d8fde083123e90c61b51afb547bb0ea7e77bab50d98c0ab243d02a0e43/audioop_lts-0.2.2-cp313-abi3-win_arm64.whl", hash = "sha256:5f93a5db13927a37d2d09637ccca4b2b6b48c19cd9eda7b17a2e9f77edee6a6f", size = 24173, upload-time = "2025-08-05T16:42:39.704Z" }, - { url = "https://files.pythonhosted.org/packages/58/a7/0a764f77b5c4ac58dc13c01a580f5d32ae8c74c92020b961556a43e26d02/audioop_lts-0.2.2-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:73f80bf4cd5d2ca7814da30a120de1f9408ee0619cc75da87d0641273d202a09", size = 47096, upload-time = "2025-08-05T16:42:40.684Z" }, - { url = "https://files.pythonhosted.org/packages/aa/ed/ebebedde1a18848b085ad0fa54b66ceb95f1f94a3fc04f1cd1b5ccb0ed42/audioop_lts-0.2.2-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:106753a83a25ee4d6f473f2be6b0966fc1c9af7e0017192f5531a3e7463dce58", size = 27748, upload-time = "2025-08-05T16:42:41.992Z" }, - { url = "https://files.pythonhosted.org/packages/cb/6e/11ca8c21af79f15dbb1c7f8017952ee8c810c438ce4e2b25638dfef2b02c/audioop_lts-0.2.2-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:fbdd522624141e40948ab3e8cdae6e04c748d78710e9f0f8d4dae2750831de19", size = 27329, upload-time = "2025-08-05T16:42:42.987Z" }, - { url = "https://files.pythonhosted.org/packages/84/52/0022f93d56d85eec5da6b9da6a958a1ef09e80c39f2cc0a590c6af81dcbb/audioop_lts-0.2.2-cp313-cp313t-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:143fad0311e8209ece30a8dbddab3b65ab419cbe8c0dde6e8828da25999be911", size = 92407, upload-time = "2025-08-05T16:42:44.336Z" }, - { url = "https://files.pythonhosted.org/packages/87/1d/48a889855e67be8718adbc7a01f3c01d5743c325453a5e81cf3717664aad/audioop_lts-0.2.2-cp313-cp313t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:dfbbc74ec68a0fd08cfec1f4b5e8cca3d3cd7de5501b01c4b5d209995033cde9", size = 91811, upload-time = "2025-08-05T16:42:45.325Z" }, - { url = "https://files.pythonhosted.org/packages/98/a6/94b7213190e8077547ffae75e13ed05edc488653c85aa5c41472c297d295/audioop_lts-0.2.2-cp313-cp313t-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:cfcac6aa6f42397471e4943e0feb2244549db5c5d01efcd02725b96af417f3fe", size = 100470, upload-time = "2025-08-05T16:42:46.468Z" }, - { url = "https://files.pythonhosted.org/packages/e9/e9/78450d7cb921ede0cfc33426d3a8023a3bda755883c95c868ee36db8d48d/audioop_lts-0.2.2-cp313-cp313t-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:752d76472d9804ac60f0078c79cdae8b956f293177acd2316cd1e15149aee132", size = 103878, upload-time = "2025-08-05T16:42:47.576Z" }, - { url = "https://files.pythonhosted.org/packages/4f/e2/cd5439aad4f3e34ae1ee852025dc6aa8f67a82b97641e390bf7bd9891d3e/audioop_lts-0.2.2-cp313-cp313t-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:83c381767e2cc10e93e40281a04852facc4cd9334550e0f392f72d1c0a9c5753", size = 84867, upload-time = "2025-08-05T16:42:49.003Z" }, - { url = "https://files.pythonhosted.org/packages/68/4b/9d853e9076c43ebba0d411e8d2aa19061083349ac695a7d082540bad64d0/audioop_lts-0.2.2-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:c0022283e9556e0f3643b7c3c03f05063ca72b3063291834cca43234f20c60bb", size = 90001, upload-time = "2025-08-05T16:42:50.038Z" }, - { url = "https://files.pythonhosted.org/packages/58/26/4bae7f9d2f116ed5593989d0e521d679b0d583973d203384679323d8fa85/audioop_lts-0.2.2-cp313-cp313t-musllinux_1_2_ppc64le.whl", hash = "sha256:a2d4f1513d63c795e82948e1305f31a6d530626e5f9f2605408b300ae6095093", size = 99046, upload-time = "2025-08-05T16:42:51.111Z" }, - { url = "https://files.pythonhosted.org/packages/b2/67/a9f4fb3e250dda9e9046f8866e9fa7d52664f8985e445c6b4ad6dfb55641/audioop_lts-0.2.2-cp313-cp313t-musllinux_1_2_riscv64.whl", hash = "sha256:c9c8e68d8b4a56fda8c025e538e639f8c5953f5073886b596c93ec9b620055e7", size = 84788, upload-time = "2025-08-05T16:42:52.198Z" }, - { url = "https://files.pythonhosted.org/packages/70/f7/3de86562db0121956148bcb0fe5b506615e3bcf6e63c4357a612b910765a/audioop_lts-0.2.2-cp313-cp313t-musllinux_1_2_s390x.whl", hash = "sha256:96f19de485a2925314f5020e85911fb447ff5fbef56e8c7c6927851b95533a1c", size = 94472, upload-time = "2025-08-05T16:42:53.59Z" }, - { url = "https://files.pythonhosted.org/packages/f1/32/fd772bf9078ae1001207d2df1eef3da05bea611a87dd0e8217989b2848fa/audioop_lts-0.2.2-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:e541c3ef484852ef36545f66209444c48b28661e864ccadb29daddb6a4b8e5f5", size = 92279, upload-time = "2025-08-05T16:42:54.632Z" }, - { url = "https://files.pythonhosted.org/packages/4f/41/affea7181592ab0ab560044632571a38edaf9130b84928177823fbf3176a/audioop_lts-0.2.2-cp313-cp313t-win32.whl", hash = "sha256:d5e73fa573e273e4f2e5ff96f9043858a5e9311e94ffefd88a3186a910c70917", size = 26568, upload-time = "2025-08-05T16:42:55.627Z" }, - { url = "https://files.pythonhosted.org/packages/28/2b/0372842877016641db8fc54d5c88596b542eec2f8f6c20a36fb6612bf9ee/audioop_lts-0.2.2-cp313-cp313t-win_amd64.whl", hash = "sha256:9191d68659eda01e448188f60364c7763a7ca6653ed3f87ebb165822153a8547", size = 30942, upload-time = "2025-08-05T16:42:56.674Z" }, - { url = "https://files.pythonhosted.org/packages/ee/ca/baf2b9cc7e96c179bb4a54f30fcd83e6ecb340031bde68f486403f943768/audioop_lts-0.2.2-cp313-cp313t-win_arm64.whl", hash = "sha256:c174e322bb5783c099aaf87faeb240c8d210686b04bd61dfd05a8e5a83d88969", size = 24603, upload-time = "2025-08-05T16:42:57.571Z" }, - { url = "https://files.pythonhosted.org/packages/5c/73/413b5a2804091e2c7d5def1d618e4837f1cb82464e230f827226278556b7/audioop_lts-0.2.2-cp314-cp314t-macosx_10_13_universal2.whl", hash = "sha256:f9ee9b52f5f857fbaf9d605a360884f034c92c1c23021fb90b2e39b8e64bede6", size = 47104, upload-time = "2025-08-05T16:42:58.518Z" }, - { url = "https://files.pythonhosted.org/packages/ae/8c/daa3308dc6593944410c2c68306a5e217f5c05b70a12e70228e7dd42dc5c/audioop_lts-0.2.2-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:49ee1a41738a23e98d98b937a0638357a2477bc99e61b0f768a8f654f45d9b7a", size = 27754, upload-time = "2025-08-05T16:43:00.132Z" }, - { url = "https://files.pythonhosted.org/packages/4e/86/c2e0f627168fcf61781a8f72cab06b228fe1da4b9fa4ab39cfb791b5836b/audioop_lts-0.2.2-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:5b00be98ccd0fc123dcfad31d50030d25fcf31488cde9e61692029cd7394733b", size = 27332, upload-time = "2025-08-05T16:43:01.666Z" }, - { url = "https://files.pythonhosted.org/packages/c7/bd/35dce665255434f54e5307de39e31912a6f902d4572da7c37582809de14f/audioop_lts-0.2.2-cp314-cp314t-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:a6d2e0f9f7a69403e388894d4ca5ada5c47230716a03f2847cfc7bd1ecb589d6", size = 92396, upload-time = "2025-08-05T16:43:02.991Z" }, - { url = "https://files.pythonhosted.org/packages/2d/d2/deeb9f51def1437b3afa35aeb729d577c04bcd89394cb56f9239a9f50b6f/audioop_lts-0.2.2-cp314-cp314t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:f9b0b8a03ef474f56d1a842af1a2e01398b8f7654009823c6d9e0ecff4d5cfbf", size = 91811, upload-time = "2025-08-05T16:43:04.096Z" }, - { url = "https://files.pythonhosted.org/packages/76/3b/09f8b35b227cee28cc8231e296a82759ed80c1a08e349811d69773c48426/audioop_lts-0.2.2-cp314-cp314t-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:2b267b70747d82125f1a021506565bdc5609a2b24bcb4773c16d79d2bb260bbd", size = 100483, upload-time = "2025-08-05T16:43:05.085Z" }, - { url = "https://files.pythonhosted.org/packages/0b/15/05b48a935cf3b130c248bfdbdea71ce6437f5394ee8533e0edd7cfd93d5e/audioop_lts-0.2.2-cp314-cp314t-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:0337d658f9b81f4cd0fdb1f47635070cc084871a3d4646d9de74fdf4e7c3d24a", size = 103885, upload-time = "2025-08-05T16:43:06.197Z" }, - { url = "https://files.pythonhosted.org/packages/83/80/186b7fce6d35b68d3d739f228dc31d60b3412105854edb975aa155a58339/audioop_lts-0.2.2-cp314-cp314t-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:167d3b62586faef8b6b2275c3218796b12621a60e43f7e9d5845d627b9c9b80e", size = 84899, upload-time = "2025-08-05T16:43:07.291Z" }, - { url = "https://files.pythonhosted.org/packages/49/89/c78cc5ac6cb5828f17514fb12966e299c850bc885e80f8ad94e38d450886/audioop_lts-0.2.2-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:0d9385e96f9f6da847f4d571ce3cb15b5091140edf3db97276872647ce37efd7", size = 89998, upload-time = "2025-08-05T16:43:08.335Z" }, - { url = "https://files.pythonhosted.org/packages/4c/4b/6401888d0c010e586c2ca50fce4c903d70a6bb55928b16cfbdfd957a13da/audioop_lts-0.2.2-cp314-cp314t-musllinux_1_2_ppc64le.whl", hash = "sha256:48159d96962674eccdca9a3df280e864e8ac75e40a577cc97c5c42667ffabfc5", size = 99046, upload-time = "2025-08-05T16:43:09.367Z" }, - { url = "https://files.pythonhosted.org/packages/de/f8/c874ca9bb447dae0e2ef2e231f6c4c2b0c39e31ae684d2420b0f9e97ee68/audioop_lts-0.2.2-cp314-cp314t-musllinux_1_2_riscv64.whl", hash = "sha256:8fefe5868cd082db1186f2837d64cfbfa78b548ea0d0543e9b28935ccce81ce9", size = 84843, upload-time = "2025-08-05T16:43:10.749Z" }, - { url = "https://files.pythonhosted.org/packages/3e/c0/0323e66f3daebc13fd46b36b30c3be47e3fc4257eae44f1e77eb828c703f/audioop_lts-0.2.2-cp314-cp314t-musllinux_1_2_s390x.whl", hash = "sha256:58cf54380c3884fb49fdd37dfb7a772632b6701d28edd3e2904743c5e1773602", size = 94490, upload-time = "2025-08-05T16:43:12.131Z" }, - { url = "https://files.pythonhosted.org/packages/98/6b/acc7734ac02d95ab791c10c3f17ffa3584ccb9ac5c18fd771c638ed6d1f5/audioop_lts-0.2.2-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:088327f00488cdeed296edd9215ca159f3a5a5034741465789cad403fcf4bec0", size = 92297, upload-time = "2025-08-05T16:43:13.139Z" }, - { url = "https://files.pythonhosted.org/packages/13/c3/c3dc3f564ce6877ecd2a05f8d751b9b27a8c320c2533a98b0c86349778d0/audioop_lts-0.2.2-cp314-cp314t-win32.whl", hash = "sha256:068aa17a38b4e0e7de771c62c60bbca2455924b67a8814f3b0dee92b5820c0b3", size = 27331, upload-time = "2025-08-05T16:43:14.19Z" }, - { url = "https://files.pythonhosted.org/packages/72/bb/b4608537e9ffcb86449091939d52d24a055216a36a8bf66b936af8c3e7ac/audioop_lts-0.2.2-cp314-cp314t-win_amd64.whl", hash = "sha256:a5bf613e96f49712073de86f20dbdd4014ca18efd4d34ed18c75bd808337851b", size = 31697, upload-time = "2025-08-05T16:43:15.193Z" }, - { url = "https://files.pythonhosted.org/packages/f6/22/91616fe707a5c5510de2cac9b046a30defe7007ba8a0c04f9c08f27df312/audioop_lts-0.2.2-cp314-cp314t-win_arm64.whl", hash = "sha256:b492c3b040153e68b9fdaff5913305aaaba5bb433d8a7f73d5cf6a64ed3cc1dd", size = 25206, upload-time = "2025-08-05T16:43:16.444Z" }, -] - -[[package]] -name = "autograd" -version = "1.8.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "numpy" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/67/1c/3c24ec03c8ba4decc742b1df5a10c52f98c84ca8797757f313e7bdcdf276/autograd-1.8.0.tar.gz", hash = "sha256:107374ded5b09fc8643ac925348c0369e7b0e73bbed9565ffd61b8fd04425683", size = 2562146, upload-time = "2025-05-05T12:49:02.502Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/84/ea/e16f0c423f7d83cf8b79cae9452040fb7b2e020c7439a167ee7c317de448/autograd-1.8.0-py3-none-any.whl", hash = "sha256:4ab9084294f814cf56c280adbe19612546a35574d67c574b04933c7d2ecb7d78", size = 51478, upload-time = "2025-05-05T12:49:00.585Z" }, -] - -[[package]] -name = "av" -version = "16.0.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/15/c3/fd72a0315bc6c943ced1105aaac6e0ec1be57c70d8a616bd05acaa21ffee/av-16.0.1.tar.gz", hash = "sha256:dd2ce779fa0b5f5889a6d9e00fbbbc39f58e247e52d31044272648fe16ff1dbf", size = 3904030, upload-time = "2025-10-13T12:28:51.082Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e8/3c/eefa29b7d0f5afdf7af9197bbecad8ec2ad06bcb5ac7e909c05a624b00a6/av-16.0.1-cp310-cp310-macosx_11_0_x86_64.whl", hash = "sha256:8b141aaa29a3afc96a1d467d106790782c1914628b57309eaadb8c10c299c9c0", size = 27206679, upload-time = "2025-10-13T12:24:41.145Z" }, - { url = "https://files.pythonhosted.org/packages/ac/89/a474feb07d5b94aa5af3771b0fe328056e2e0a840039b329f4fa2a1fd13a/av-16.0.1-cp310-cp310-macosx_14_0_arm64.whl", hash = "sha256:4b8a08a59a5be0082af063d3f4b216e3950340121c6ea95b505a3f5f5cc8f21d", size = 21774556, upload-time = "2025-10-13T12:24:44.332Z" }, - { url = "https://files.pythonhosted.org/packages/be/e5/4361010dcac398bc224823e4b2a47803845e159af9f95164662c523770dc/av-16.0.1-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:792e7fc3c08eae005ff36486983966476e553cbb55aaeb0ec99adc4909377320", size = 38176763, upload-time = "2025-10-13T12:24:46.98Z" }, - { url = "https://files.pythonhosted.org/packages/d4/db/b27bdd20c9dc80de5b8792dae16dd6f4edf16408c0c7b28070c6228a8057/av-16.0.1-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:4e8ef5df76d8d0ee56139789f80bb90ad1a82a7e6df6e080e2e95c06fa22aea7", size = 39696277, upload-time = "2025-10-13T12:24:50.951Z" }, - { url = "https://files.pythonhosted.org/packages/4e/c8/dd48e6a3ac1e922c141475a0dc30e2b6dfdef9751b3274829889a9281cce/av-16.0.1-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:4f7a6985784a7464f078e419c71f5528c3e550ee5d605e7149b4a37a111eb136", size = 39576660, upload-time = "2025-10-13T12:24:55.773Z" }, - { url = "https://files.pythonhosted.org/packages/b9/f0/223d047e2e60672a2fb5e51e28913de8d52195199f3e949cbfda1e6cd64b/av-16.0.1-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:3f45c8d7b803b6faa2a25a26de5964a0a897de68298d9c9672c7af9d65d8b48a", size = 40752775, upload-time = "2025-10-13T12:25:00.827Z" }, - { url = "https://files.pythonhosted.org/packages/18/73/73acad21c9203bc63d806e8baf42fe705eb5d36dafd1996b71ab5861a933/av-16.0.1-cp310-cp310-win_amd64.whl", hash = "sha256:58e6faf1d9328d8cc6be14c5aadacb7d2965ed6d6ae1af32696993096543ff00", size = 32302328, upload-time = "2025-10-13T12:25:06.042Z" }, - { url = "https://files.pythonhosted.org/packages/49/d3/f2a483c5273fccd556dfa1fce14fab3b5d6d213b46e28e54e254465a2255/av-16.0.1-cp311-cp311-macosx_11_0_x86_64.whl", hash = "sha256:e310d1fb42879df9bad2152a8db6d2ff8bf332c8c36349a09d62cc122f5070fb", size = 27191982, upload-time = "2025-10-13T12:25:10.622Z" }, - { url = "https://files.pythonhosted.org/packages/e0/39/dff28bd252131b3befd09d8587992fe18c09d5125eaefc83a6434d5f56ff/av-16.0.1-cp311-cp311-macosx_14_0_arm64.whl", hash = "sha256:2f4b357e5615457a84e6b6290916b22864b76b43d5079e1a73bc27581a5b9bac", size = 21760305, upload-time = "2025-10-13T12:25:14.882Z" }, - { url = "https://files.pythonhosted.org/packages/4a/4d/2312d50a09c84a9b4269f7fea5de84f05dd2b7c7113dd961d31fad6c64c4/av-16.0.1-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:286665c77034c3a98080169b8b5586d5568a15da81fbcdaf8099252f2d232d7c", size = 38691616, upload-time = "2025-10-13T12:25:20.063Z" }, - { url = "https://files.pythonhosted.org/packages/15/9a/3d2d30b56252f998e53fced13720e2ce809c4db477110f944034e0fa4c9f/av-16.0.1-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:f88de8e5b8ea29e41af4d8d61df108323d050ccfbc90f15b13ec1f99ce0e841e", size = 40216464, upload-time = "2025-10-13T12:25:24.848Z" }, - { url = "https://files.pythonhosted.org/packages/98/cb/3860054794a47715b4be0006105158c7119a57be58d9e8882b72e4d4e1dd/av-16.0.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:0cdb71ebe4d1b241cf700f8f0c44a7d2a6602b921e16547dd68c0842113736e1", size = 40094077, upload-time = "2025-10-13T12:25:30.238Z" }, - { url = "https://files.pythonhosted.org/packages/41/58/79830fb8af0a89c015250f7864bbd427dff09c70575c97847055f8a302f7/av-16.0.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:28c27a65d40e8cf82b6db2543f8feeb8b56d36c1938f50773494cd3b073c7223", size = 41279948, upload-time = "2025-10-13T12:25:35.24Z" }, - { url = "https://files.pythonhosted.org/packages/83/79/6e1463b04382f379f857113b851cf5f9d580a2f7bd794211cd75352f4e04/av-16.0.1-cp311-cp311-win_amd64.whl", hash = "sha256:ffea39ac7574f234f5168f9b9602e8d4ecdd81853238ec4d661001f03a6d3f64", size = 32297586, upload-time = "2025-10-13T12:25:39.826Z" }, - { url = "https://files.pythonhosted.org/packages/44/78/12a11d7a44fdd8b26a65e2efa1d8a5826733c8887a989a78306ec4785956/av-16.0.1-cp312-cp312-macosx_11_0_x86_64.whl", hash = "sha256:e41a8fef85dfb2c717349f9ff74f92f9560122a9f1a94b1c6c9a8a9c9462ba71", size = 27206375, upload-time = "2025-10-13T12:25:44.423Z" }, - { url = "https://files.pythonhosted.org/packages/27/19/3a4d3882852a0ee136121979ce46f6d2867b974eb217a2c9a070939f55ad/av-16.0.1-cp312-cp312-macosx_14_0_arm64.whl", hash = "sha256:6352a64b25c9f985d4f279c2902db9a92424e6f2c972161e67119616f0796cb9", size = 21752603, upload-time = "2025-10-13T12:25:49.122Z" }, - { url = "https://files.pythonhosted.org/packages/cb/6e/f7abefba6e008e2f69bebb9a17ba38ce1df240c79b36a5b5fcacf8c8fcfd/av-16.0.1-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:5201f7b4b5ed2128118cb90c2a6d64feedb0586ca7c783176896c78ffb4bbd5c", size = 38931978, upload-time = "2025-10-13T12:25:55.021Z" }, - { url = "https://files.pythonhosted.org/packages/b2/7a/1305243ab47f724fdd99ddef7309a594e669af7f0e655e11bdd2c325dfae/av-16.0.1-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:daecc2072b82b6a942acbdaa9a2e00c05234c61fef976b22713983c020b07992", size = 40549383, upload-time = "2025-10-13T12:26:00.897Z" }, - { url = "https://files.pythonhosted.org/packages/32/b2/357cc063185043eb757b4a48782bff780826103bcad1eb40c3ddfc050b7e/av-16.0.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:6573da96e8bebc3536860a7def108d7dbe1875c86517072431ced702447e6aea", size = 40241993, upload-time = "2025-10-13T12:26:06.993Z" }, - { url = "https://files.pythonhosted.org/packages/20/bb/ced42a4588ba168bf0ef1e9d016982e3ba09fde6992f1dda586fd20dcf71/av-16.0.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:4bc064e48a8de6c087b97dd27cf4ef8c13073f0793108fbce3ecd721201b2502", size = 41532235, upload-time = "2025-10-13T12:26:12.488Z" }, - { url = "https://files.pythonhosted.org/packages/15/37/c7811eca0f318d5fd3212f7e8c3d8335f75a54907c97a89213dc580b8056/av-16.0.1-cp312-cp312-win_amd64.whl", hash = "sha256:0c669b6b6668c8ae74451c15ec6d6d8a36e4c3803dc5d9910f607a174dd18f17", size = 32296912, upload-time = "2025-10-13T12:26:19.187Z" }, - { url = "https://files.pythonhosted.org/packages/86/59/972f199ccc4f8c9e51f59e0f8962a09407396b3f6d11355e2c697ba555f9/av-16.0.1-cp313-cp313-macosx_11_0_x86_64.whl", hash = "sha256:4c61c6c120f5c5d95c711caf54e2c4a9fb2f1e613ac0a9c273d895f6b2602e44", size = 27170433, upload-time = "2025-10-13T12:26:24.673Z" }, - { url = "https://files.pythonhosted.org/packages/53/9d/0514cbc185fb20353ab25da54197fbd169a233e39efcbb26533c36a9dbb9/av-16.0.1-cp313-cp313-macosx_14_0_arm64.whl", hash = "sha256:7ecc2e41320c69095f44aff93470a0d32c30892b2dbad0a08040441c81efa379", size = 21717654, upload-time = "2025-10-13T12:26:29.12Z" }, - { url = "https://files.pythonhosted.org/packages/32/8c/881409dd124b4e07d909d2b70568acb21126fc747656390840a2238651c9/av-16.0.1-cp313-cp313-manylinux_2_28_aarch64.whl", hash = "sha256:036f0554d6faef3f4a94acaeb0cedd388e3ab96eb0eb5a14ec27c17369c466c9", size = 38651601, upload-time = "2025-10-13T12:26:33.919Z" }, - { url = "https://files.pythonhosted.org/packages/35/fd/867ba4cc3ab504442dc89b0c117e6a994fc62782eb634c8f31304586f93e/av-16.0.1-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:876415470a62e4a3550cc38db2fc0094c25e64eea34d7293b7454125d5958190", size = 40278604, upload-time = "2025-10-13T12:26:39.2Z" }, - { url = "https://files.pythonhosted.org/packages/b3/87/63cde866c0af09a1fa9727b4f40b34d71b0535785f5665c27894306f1fbc/av-16.0.1-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:56902a06bd0828d13f13352874c370670882048267191ff5829534b611ba3956", size = 39984854, upload-time = "2025-10-13T12:26:44.581Z" }, - { url = "https://files.pythonhosted.org/packages/71/3b/8f40a708bff0e6b0f957836e2ef1f4d4429041cf8d99a415a77ead8ac8a3/av-16.0.1-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:fe988c2bf0fc2d952858f791f18377ea4ae4e19ba3504793799cd6c2a2562edf", size = 41270352, upload-time = "2025-10-13T12:26:50.817Z" }, - { url = "https://files.pythonhosted.org/packages/1e/b5/c114292cb58a7269405ae13b7ba48c7d7bfeebbb2e4e66c8073c065a4430/av-16.0.1-cp313-cp313-win_amd64.whl", hash = "sha256:708a66c248848029bf518f0482b81c5803846f1b597ef8013b19c014470b620f", size = 32273242, upload-time = "2025-10-13T12:26:55.788Z" }, - { url = "https://files.pythonhosted.org/packages/ff/e9/a5b714bc078fdcca8b46c8a0b38484ae5c24cd81d9c1703d3e8ae2b57259/av-16.0.1-cp313-cp313t-macosx_11_0_x86_64.whl", hash = "sha256:79a77ee452537030c21a0b41139bedaf16629636bf764b634e93b99c9d5f4558", size = 27248984, upload-time = "2025-10-13T12:27:00.564Z" }, - { url = "https://files.pythonhosted.org/packages/06/ef/ff777aaf1f88e3f6ce94aca4c5806a0c360e68d48f9d9f0214e42650f740/av-16.0.1-cp313-cp313t-macosx_14_0_arm64.whl", hash = "sha256:080823a6ff712f81e7089ae9756fb1512ca1742a138556a852ce50f58e457213", size = 21828098, upload-time = "2025-10-13T12:27:05.433Z" }, - { url = "https://files.pythonhosted.org/packages/34/d7/a484358d24a42bedde97f61f5d6ee568a7dd866d9df6e33731378db92d9e/av-16.0.1-cp313-cp313t-manylinux_2_28_aarch64.whl", hash = "sha256:04e00124afa8b46a850ed48951ddda61de874407fb8307d6a875bba659d5727e", size = 40051697, upload-time = "2025-10-13T12:27:10.525Z" }, - { url = "https://files.pythonhosted.org/packages/73/87/6772d6080837da5d5c810a98a95bde6977e1f5a6e2e759e8c9292af9ec69/av-16.0.1-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:bc098c1c6dc4e7080629a7e9560e67bd4b5654951e17e5ddfd2b1515cfcd37db", size = 41352596, upload-time = "2025-10-13T12:27:16.217Z" }, - { url = "https://files.pythonhosted.org/packages/bd/58/fe448c60cf7f85640a0ed8936f16bac874846aa35e1baa521028949c1ea3/av-16.0.1-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:e6ffd3559a72c46a76aa622630751a821499ba5a780b0047ecc75105d43a6b61", size = 41183156, upload-time = "2025-10-13T12:27:21.574Z" }, - { url = "https://files.pythonhosted.org/packages/85/c6/a039a0979d0c278e1bed6758d5a6186416c3ccb8081970df893fdf9a0d99/av-16.0.1-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:7a3f1a36b550adadd7513f4f5ee956f9e06b01a88e59f3150ef5fec6879d6f79", size = 42302331, upload-time = "2025-10-13T12:27:26.953Z" }, - { url = "https://files.pythonhosted.org/packages/18/7b/2ca4a9e3609ff155436dac384e360f530919cb1e328491f7df294be0f0dc/av-16.0.1-cp313-cp313t-win_amd64.whl", hash = "sha256:c6de794abe52b8c0be55d8bb09ade05905efa74b1a5ab4860b4b9c2bfb6578bf", size = 32462194, upload-time = "2025-10-13T12:27:32.942Z" }, - { url = "https://files.pythonhosted.org/packages/14/9a/6d17e379906cf53a7a44dfac9cf7e4b2e7df2082ba2dbf07126055effcc1/av-16.0.1-cp314-cp314-macosx_11_0_x86_64.whl", hash = "sha256:4b55ba69a943ae592ad7900da67129422954789de9dc384685d6b529925f542e", size = 27167101, upload-time = "2025-10-13T12:27:38.886Z" }, - { url = "https://files.pythonhosted.org/packages/6c/34/891816cd82d5646cb5a51d201d20be0a578232536d083b7d939734258067/av-16.0.1-cp314-cp314-macosx_14_0_arm64.whl", hash = "sha256:d4a0c47b6c9bbadad8909b82847f5fe64a608ad392f0b01704e427349bcd9a47", size = 21722708, upload-time = "2025-10-13T12:27:43.29Z" }, - { url = "https://files.pythonhosted.org/packages/1d/20/c24ad34038423ab8c9728cef3301e0861727c188442dcfd70a4a10834c63/av-16.0.1-cp314-cp314-manylinux_2_28_aarch64.whl", hash = "sha256:8bba52f3035708456f6b1994d10b0371b45cfd8f917b5e84ff81aef4ec2f08bf", size = 38638842, upload-time = "2025-10-13T12:27:49.776Z" }, - { url = "https://files.pythonhosted.org/packages/d7/32/034412309572ba3ad713079d07a3ffc13739263321aece54a3055d7a4f1f/av-16.0.1-cp314-cp314-manylinux_2_28_x86_64.whl", hash = "sha256:08e34c7e7b5e55e29931180bbe21095e1874ac120992bf6b8615d39574487617", size = 40197789, upload-time = "2025-10-13T12:27:55.688Z" }, - { url = "https://files.pythonhosted.org/packages/fb/9c/40496298c32f9094e7df28641c5c58aa6fb07554dc232a9ac98a9894376f/av-16.0.1-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:0d6250ab9db80c641b299987027c987f14935ea837ea4c02c5f5182f6b69d9e5", size = 39980829, upload-time = "2025-10-13T12:28:01.507Z" }, - { url = "https://files.pythonhosted.org/packages/4a/7e/5c38268ac1d424f309b13b2de4597ad28daea6039ee5af061e62918b12a8/av-16.0.1-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:7b621f28d8bcbb07cdcd7b18943ddc040739ad304545715ae733873b6e1b739d", size = 41205928, upload-time = "2025-10-13T12:28:08.431Z" }, - { url = "https://files.pythonhosted.org/packages/e3/07/3176e02692d8753a6c4606021c60e4031341afb56292178eee633b6760a4/av-16.0.1-cp314-cp314-win_amd64.whl", hash = "sha256:92101f49082392580c9dba4ba2fe5b931b3bb0fb75a1a848bfb9a11ded68be91", size = 32272836, upload-time = "2025-10-13T12:28:13.405Z" }, - { url = "https://files.pythonhosted.org/packages/8a/47/10e03b88de097385d1550cbb6d8de96159131705c13adb92bd9b7e677425/av-16.0.1-cp314-cp314t-macosx_11_0_x86_64.whl", hash = "sha256:07c464bf2bc362a154eccc82e235ef64fd3aaf8d76fc8ed63d0ae520943c6d3f", size = 27248864, upload-time = "2025-10-13T12:28:17.467Z" }, - { url = "https://files.pythonhosted.org/packages/b1/60/7447f206bec3e55e81371f1989098baa2fe9adb7b46c149e6937b7e7c1ca/av-16.0.1-cp314-cp314t-macosx_14_0_arm64.whl", hash = "sha256:750da0673864b669c95882c7b25768cd93ece0e47010d74ebcc29dbb14d611f8", size = 21828185, upload-time = "2025-10-13T12:28:21.461Z" }, - { url = "https://files.pythonhosted.org/packages/68/48/ee2680e7a01bc4911bbe902b814346911fa2528697a44f3043ee68e0f07e/av-16.0.1-cp314-cp314t-manylinux_2_28_aarch64.whl", hash = "sha256:0b7c0d060863b2e341d07cd26851cb9057b7979814148b028fb7ee5d5eb8772d", size = 40040572, upload-time = "2025-10-13T12:28:26.585Z" }, - { url = "https://files.pythonhosted.org/packages/da/68/2c43d28871721ae07cde432d6e36ae2f7035197cbadb43764cc5bf3d4b33/av-16.0.1-cp314-cp314t-manylinux_2_28_x86_64.whl", hash = "sha256:e67c2eca6023ca7d76b0709c5f392b23a5defba499f4c262411f8155b1482cbd", size = 41344288, upload-time = "2025-10-13T12:28:32.512Z" }, - { url = "https://files.pythonhosted.org/packages/ec/7f/1d801bff43ae1af4758c45eee2eaae64f303bbb460e79f352f08587fd179/av-16.0.1-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:e3243d54d84986e8fbdc1946db634b0c41fe69b6de35a99fa8b763e18503d040", size = 41175142, upload-time = "2025-10-13T12:28:38.356Z" }, - { url = "https://files.pythonhosted.org/packages/e4/06/bb363138687066bbf8997c1433dbd9c81762bae120955ea431fb72d69d26/av-16.0.1-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:a1bcf73efab5379601e6510abd7afe5f397d0f6defe69b1610c2f37a4a17996b", size = 42293932, upload-time = "2025-10-13T12:28:43.442Z" }, - { url = "https://files.pythonhosted.org/packages/92/15/5e713098a085f970ccf88550194d277d244464d7b3a7365ad92acb4b6dc1/av-16.0.1-cp314-cp314t-win_amd64.whl", hash = "sha256:6368d4ff153d75469d2a3217bc403630dc870a72fe0a014d9135de550d731a86", size = 32460624, upload-time = "2025-10-13T12:28:48.767Z" }, -] - -[[package]] -name = "babel" -version = "2.17.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/7d/6b/d52e42361e1aa00709585ecc30b3f9684b3ab62530771402248b1b1d6240/babel-2.17.0.tar.gz", hash = "sha256:0c54cffb19f690cdcc52a3b50bcbf71e07a808d1c80d549f2459b9d2cf0afb9d", size = 9951852, upload-time = "2025-02-01T15:17:41.026Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/b7/b8/3fe70c75fe32afc4bb507f75563d39bc5642255d1d94f1f23604725780bf/babel-2.17.0-py3-none-any.whl", hash = "sha256:4d0b53093fdfb4b21c92b5213dba5a1b23885afa8383709427046b21c366e5f2", size = 10182537, upload-time = "2025-02-01T15:17:37.39Z" }, -] - -[[package]] -name = "beautifulsoup4" -version = "4.14.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "soupsieve" }, - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/77/e9/df2358efd7659577435e2177bfa69cba6c33216681af51a707193dec162a/beautifulsoup4-4.14.2.tar.gz", hash = "sha256:2a98ab9f944a11acee9cc848508ec28d9228abfd522ef0fad6a02a72e0ded69e", size = 625822, upload-time = "2025-09-29T10:05:42.613Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/94/fe/3aed5d0be4d404d12d36ab97e2f1791424d9ca39c2f754a6285d59a3b01d/beautifulsoup4-4.14.2-py3-none-any.whl", hash = "sha256:5ef6fa3a8cbece8488d66985560f97ed091e22bbc4e9c2338508a9d5de6d4515", size = 106392, upload-time = "2025-09-29T10:05:43.771Z" }, -] - -[[package]] -name = "bleach" -version = "6.3.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "webencodings" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/07/18/3c8523962314be6bf4c8989c79ad9531c825210dd13a8669f6b84336e8bd/bleach-6.3.0.tar.gz", hash = "sha256:6f3b91b1c0a02bb9a78b5a454c92506aa0fdf197e1d5e114d2e00c6f64306d22", size = 203533, upload-time = "2025-10-27T17:57:39.211Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/cd/3a/577b549de0cc09d95f11087ee63c739bba856cd3952697eec4c4bb91350a/bleach-6.3.0-py3-none-any.whl", hash = "sha256:fe10ec77c93ddf3d13a73b035abaac7a9f5e436513864ccdad516693213c65d6", size = 164437, upload-time = "2025-10-27T17:57:37.538Z" }, -] - -[package.optional-dependencies] -css = [ - { name = "tinycss2" }, -] - -[[package]] -name = "blinker" -version = "1.9.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/21/28/9b3f50ce0e048515135495f198351908d99540d69bfdc8c1d15b73dc55ce/blinker-1.9.0.tar.gz", hash = "sha256:b4ce2265a7abece45e7cc896e98dbebe6cead56bcf805a3d23136d145f5445bf", size = 22460, upload-time = "2024-11-08T17:25:47.436Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/10/cb/f2ad4230dc2eb1a74edf38f1a38b9b52277f75bef262d8908e60d957e13c/blinker-1.9.0-py3-none-any.whl", hash = "sha256:ba0efaa9080b619ff2f3459d1d500c57bddea4a6b424b60a91141db6fd2f08bc", size = 8458, upload-time = "2024-11-08T17:25:46.184Z" }, -] - -[[package]] -name = "brotli" -version = "1.1.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/2f/c2/f9e977608bdf958650638c3f1e28f85a1b075f075ebbe77db8555463787b/Brotli-1.1.0.tar.gz", hash = "sha256:81de08ac11bcb85841e440c13611c00b67d3bf82698314928d0b676362546724", size = 7372270, upload-time = "2023-09-07T14:05:41.643Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/6d/3a/dbf4fb970c1019a57b5e492e1e0eae745d32e59ba4d6161ab5422b08eefe/Brotli-1.1.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:e1140c64812cb9b06c922e77f1c26a75ec5e3f0fb2bf92cc8c58720dec276752", size = 873045, upload-time = "2023-09-07T14:03:16.894Z" }, - { url = "https://files.pythonhosted.org/packages/dd/11/afc14026ea7f44bd6eb9316d800d439d092c8d508752055ce8d03086079a/Brotli-1.1.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:c8fd5270e906eef71d4a8d19b7c6a43760c6abcfcc10c9101d14eb2357418de9", size = 446218, upload-time = "2023-09-07T14:03:18.917Z" }, - { url = "https://files.pythonhosted.org/packages/36/83/7545a6e7729db43cb36c4287ae388d6885c85a86dd251768a47015dfde32/Brotli-1.1.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1ae56aca0402a0f9a3431cddda62ad71666ca9d4dc3a10a142b9dce2e3c0cda3", size = 2903872, upload-time = "2023-09-07T14:03:20.398Z" }, - { url = "https://files.pythonhosted.org/packages/32/23/35331c4d9391fcc0f29fd9bec2c76e4b4eeab769afbc4b11dd2e1098fb13/Brotli-1.1.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:43ce1b9935bfa1ede40028054d7f48b5469cd02733a365eec8a329ffd342915d", size = 2941254, upload-time = "2023-09-07T14:03:21.914Z" }, - { url = "https://files.pythonhosted.org/packages/3b/24/1671acb450c902edb64bd765d73603797c6c7280a9ada85a195f6b78c6e5/Brotli-1.1.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:7c4855522edb2e6ae7fdb58e07c3ba9111e7621a8956f481c68d5d979c93032e", size = 2857293, upload-time = "2023-09-07T14:03:24Z" }, - { url = "https://files.pythonhosted.org/packages/d5/00/40f760cc27007912b327fe15bf6bfd8eaecbe451687f72a8abc587d503b3/Brotli-1.1.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:38025d9f30cf4634f8309c6874ef871b841eb3c347e90b0851f63d1ded5212da", size = 3002385, upload-time = "2023-09-07T14:03:26.248Z" }, - { url = "https://files.pythonhosted.org/packages/b8/cb/8aaa83f7a4caa131757668c0fb0c4b6384b09ffa77f2fba9570d87ab587d/Brotli-1.1.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:e6a904cb26bfefc2f0a6f240bdf5233be78cd2488900a2f846f3c3ac8489ab80", size = 2911104, upload-time = "2023-09-07T14:03:27.849Z" }, - { url = "https://files.pythonhosted.org/packages/bc/c4/65456561d89d3c49f46b7fbeb8fe6e449f13bdc8ea7791832c5d476b2faf/Brotli-1.1.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:a37b8f0391212d29b3a91a799c8e4a2855e0576911cdfb2515487e30e322253d", size = 2809981, upload-time = "2023-09-07T14:03:29.92Z" }, - { url = "https://files.pythonhosted.org/packages/05/1b/cf49528437bae28abce5f6e059f0d0be6fecdcc1d3e33e7c54b3ca498425/Brotli-1.1.0-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:e84799f09591700a4154154cab9787452925578841a94321d5ee8fb9a9a328f0", size = 2935297, upload-time = "2023-09-07T14:03:32.035Z" }, - { url = "https://files.pythonhosted.org/packages/81/ff/190d4af610680bf0c5a09eb5d1eac6e99c7c8e216440f9c7cfd42b7adab5/Brotli-1.1.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:f66b5337fa213f1da0d9000bc8dc0cb5b896b726eefd9c6046f699b169c41b9e", size = 2930735, upload-time = "2023-09-07T14:03:33.801Z" }, - { url = "https://files.pythonhosted.org/packages/80/7d/f1abbc0c98f6e09abd3cad63ec34af17abc4c44f308a7a539010f79aae7a/Brotli-1.1.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:5dab0844f2cf82be357a0eb11a9087f70c5430b2c241493fc122bb6f2bb0917c", size = 2933107, upload-time = "2024-10-18T12:32:09.016Z" }, - { url = "https://files.pythonhosted.org/packages/34/ce/5a5020ba48f2b5a4ad1c0522d095ad5847a0be508e7d7569c8630ce25062/Brotli-1.1.0-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:e4fe605b917c70283db7dfe5ada75e04561479075761a0b3866c081d035b01c1", size = 2845400, upload-time = "2024-10-18T12:32:11.134Z" }, - { url = "https://files.pythonhosted.org/packages/44/89/fa2c4355ab1eecf3994e5a0a7f5492c6ff81dfcb5f9ba7859bd534bb5c1a/Brotli-1.1.0-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:1e9a65b5736232e7a7f91ff3d02277f11d339bf34099a56cdab6a8b3410a02b2", size = 3031985, upload-time = "2024-10-18T12:32:12.813Z" }, - { url = "https://files.pythonhosted.org/packages/af/a4/79196b4a1674143d19dca400866b1a4d1a089040df7b93b88ebae81f3447/Brotli-1.1.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:58d4b711689366d4a03ac7957ab8c28890415e267f9b6589969e74b6e42225ec", size = 2927099, upload-time = "2024-10-18T12:32:14.733Z" }, - { url = "https://files.pythonhosted.org/packages/e9/54/1c0278556a097f9651e657b873ab08f01b9a9ae4cac128ceb66427d7cd20/Brotli-1.1.0-cp310-cp310-win32.whl", hash = "sha256:be36e3d172dc816333f33520154d708a2657ea63762ec16b62ece02ab5e4daf2", size = 333172, upload-time = "2023-09-07T14:03:35.212Z" }, - { url = "https://files.pythonhosted.org/packages/f7/65/b785722e941193fd8b571afd9edbec2a9b838ddec4375d8af33a50b8dab9/Brotli-1.1.0-cp310-cp310-win_amd64.whl", hash = "sha256:0c6244521dda65ea562d5a69b9a26120769b7a9fb3db2fe9545935ed6735b128", size = 357255, upload-time = "2023-09-07T14:03:36.447Z" }, - { url = "https://files.pythonhosted.org/packages/96/12/ad41e7fadd5db55459c4c401842b47f7fee51068f86dd2894dd0dcfc2d2a/Brotli-1.1.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:a3daabb76a78f829cafc365531c972016e4aa8d5b4bf60660ad8ecee19df7ccc", size = 873068, upload-time = "2023-09-07T14:03:37.779Z" }, - { url = "https://files.pythonhosted.org/packages/95/4e/5afab7b2b4b61a84e9c75b17814198ce515343a44e2ed4488fac314cd0a9/Brotli-1.1.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c8146669223164fc87a7e3de9f81e9423c67a79d6b3447994dfb9c95da16e2d6", size = 446244, upload-time = "2023-09-07T14:03:39.223Z" }, - { url = "https://files.pythonhosted.org/packages/9d/e6/f305eb61fb9a8580c525478a4a34c5ae1a9bcb12c3aee619114940bc513d/Brotli-1.1.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:30924eb4c57903d5a7526b08ef4a584acc22ab1ffa085faceb521521d2de32dd", size = 2906500, upload-time = "2023-09-07T14:03:40.858Z" }, - { url = "https://files.pythonhosted.org/packages/3e/4f/af6846cfbc1550a3024e5d3775ede1e00474c40882c7bf5b37a43ca35e91/Brotli-1.1.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ceb64bbc6eac5a140ca649003756940f8d6a7c444a68af170b3187623b43bebf", size = 2943950, upload-time = "2023-09-07T14:03:42.896Z" }, - { url = "https://files.pythonhosted.org/packages/b3/e7/ca2993c7682d8629b62630ebf0d1f3bb3d579e667ce8e7ca03a0a0576a2d/Brotli-1.1.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a469274ad18dc0e4d316eefa616d1d0c2ff9da369af19fa6f3daa4f09671fd61", size = 2918527, upload-time = "2023-09-07T14:03:44.552Z" }, - { url = "https://files.pythonhosted.org/packages/b3/96/da98e7bedc4c51104d29cc61e5f449a502dd3dbc211944546a4cc65500d3/Brotli-1.1.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:524f35912131cc2cabb00edfd8d573b07f2d9f21fa824bd3fb19725a9cf06327", size = 2845489, upload-time = "2023-09-07T14:03:46.594Z" }, - { url = "https://files.pythonhosted.org/packages/e8/ef/ccbc16947d6ce943a7f57e1a40596c75859eeb6d279c6994eddd69615265/Brotli-1.1.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:5b3cc074004d968722f51e550b41a27be656ec48f8afaeeb45ebf65b561481dd", size = 2914080, upload-time = "2023-09-07T14:03:48.204Z" }, - { url = "https://files.pythonhosted.org/packages/80/d6/0bd38d758d1afa62a5524172f0b18626bb2392d717ff94806f741fcd5ee9/Brotli-1.1.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:19c116e796420b0cee3da1ccec3b764ed2952ccfcc298b55a10e5610ad7885f9", size = 2813051, upload-time = "2023-09-07T14:03:50.348Z" }, - { url = "https://files.pythonhosted.org/packages/14/56/48859dd5d129d7519e001f06dcfbb6e2cf6db92b2702c0c2ce7d97e086c1/Brotli-1.1.0-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:510b5b1bfbe20e1a7b3baf5fed9e9451873559a976c1a78eebaa3b86c57b4265", size = 2938172, upload-time = "2023-09-07T14:03:52.395Z" }, - { url = "https://files.pythonhosted.org/packages/3d/77/a236d5f8cd9e9f4348da5acc75ab032ab1ab2c03cc8f430d24eea2672888/Brotli-1.1.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:a1fd8a29719ccce974d523580987b7f8229aeace506952fa9ce1d53a033873c8", size = 2933023, upload-time = "2023-09-07T14:03:53.96Z" }, - { url = "https://files.pythonhosted.org/packages/f1/87/3b283efc0f5cb35f7f84c0c240b1e1a1003a5e47141a4881bf87c86d0ce2/Brotli-1.1.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:c247dd99d39e0338a604f8c2b3bc7061d5c2e9e2ac7ba9cc1be5a69cb6cd832f", size = 2935871, upload-time = "2024-10-18T12:32:16.688Z" }, - { url = "https://files.pythonhosted.org/packages/f3/eb/2be4cc3e2141dc1a43ad4ca1875a72088229de38c68e842746b342667b2a/Brotli-1.1.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:1b2c248cd517c222d89e74669a4adfa5577e06ab68771a529060cf5a156e9757", size = 2847784, upload-time = "2024-10-18T12:32:18.459Z" }, - { url = "https://files.pythonhosted.org/packages/66/13/b58ddebfd35edde572ccefe6890cf7c493f0c319aad2a5badee134b4d8ec/Brotli-1.1.0-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:2a24c50840d89ded6c9a8fdc7b6ed3692ed4e86f1c4a4a938e1e92def92933e0", size = 3034905, upload-time = "2024-10-18T12:32:20.192Z" }, - { url = "https://files.pythonhosted.org/packages/84/9c/bc96b6c7db824998a49ed3b38e441a2cae9234da6fa11f6ed17e8cf4f147/Brotli-1.1.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:f31859074d57b4639318523d6ffdca586ace54271a73ad23ad021acd807eb14b", size = 2929467, upload-time = "2024-10-18T12:32:21.774Z" }, - { url = "https://files.pythonhosted.org/packages/e7/71/8f161dee223c7ff7fea9d44893fba953ce97cf2c3c33f78ba260a91bcff5/Brotli-1.1.0-cp311-cp311-win32.whl", hash = "sha256:39da8adedf6942d76dc3e46653e52df937a3c4d6d18fdc94a7c29d263b1f5b50", size = 333169, upload-time = "2023-09-07T14:03:55.404Z" }, - { url = "https://files.pythonhosted.org/packages/02/8a/fece0ee1057643cb2a5bbf59682de13f1725f8482b2c057d4e799d7ade75/Brotli-1.1.0-cp311-cp311-win_amd64.whl", hash = "sha256:aac0411d20e345dc0920bdec5548e438e999ff68d77564d5e9463a7ca9d3e7b1", size = 357253, upload-time = "2023-09-07T14:03:56.643Z" }, - { url = "https://files.pythonhosted.org/packages/5c/d0/5373ae13b93fe00095a58efcbce837fd470ca39f703a235d2a999baadfbc/Brotli-1.1.0-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:32d95b80260d79926f5fab3c41701dbb818fde1c9da590e77e571eefd14abe28", size = 815693, upload-time = "2024-10-18T12:32:23.824Z" }, - { url = "https://files.pythonhosted.org/packages/8e/48/f6e1cdf86751300c288c1459724bfa6917a80e30dbfc326f92cea5d3683a/Brotli-1.1.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:b760c65308ff1e462f65d69c12e4ae085cff3b332d894637f6273a12a482d09f", size = 422489, upload-time = "2024-10-18T12:32:25.641Z" }, - { url = "https://files.pythonhosted.org/packages/06/88/564958cedce636d0f1bed313381dfc4b4e3d3f6015a63dae6146e1b8c65c/Brotli-1.1.0-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:316cc9b17edf613ac76b1f1f305d2a748f1b976b033b049a6ecdfd5612c70409", size = 873081, upload-time = "2023-09-07T14:03:57.967Z" }, - { url = "https://files.pythonhosted.org/packages/58/79/b7026a8bb65da9a6bb7d14329fd2bd48d2b7f86d7329d5cc8ddc6a90526f/Brotli-1.1.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:caf9ee9a5775f3111642d33b86237b05808dafcd6268faa492250e9b78046eb2", size = 446244, upload-time = "2023-09-07T14:03:59.319Z" }, - { url = "https://files.pythonhosted.org/packages/e5/18/c18c32ecea41b6c0004e15606e274006366fe19436b6adccc1ae7b2e50c2/Brotli-1.1.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:70051525001750221daa10907c77830bc889cb6d865cc0b813d9db7fefc21451", size = 2906505, upload-time = "2023-09-07T14:04:01.327Z" }, - { url = "https://files.pythonhosted.org/packages/08/c8/69ec0496b1ada7569b62d85893d928e865df29b90736558d6c98c2031208/Brotli-1.1.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:7f4bf76817c14aa98cc6697ac02f3972cb8c3da93e9ef16b9c66573a68014f91", size = 2944152, upload-time = "2023-09-07T14:04:03.033Z" }, - { url = "https://files.pythonhosted.org/packages/ab/fb/0517cea182219d6768113a38167ef6d4eb157a033178cc938033a552ed6d/Brotli-1.1.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d0c5516f0aed654134a2fc936325cc2e642f8a0e096d075209672eb321cff408", size = 2919252, upload-time = "2023-09-07T14:04:04.675Z" }, - { url = "https://files.pythonhosted.org/packages/c7/53/73a3431662e33ae61a5c80b1b9d2d18f58dfa910ae8dd696e57d39f1a2f5/Brotli-1.1.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6c3020404e0b5eefd7c9485ccf8393cfb75ec38ce75586e046573c9dc29967a0", size = 2845955, upload-time = "2023-09-07T14:04:06.585Z" }, - { url = "https://files.pythonhosted.org/packages/55/ac/bd280708d9c5ebdbf9de01459e625a3e3803cce0784f47d633562cf40e83/Brotli-1.1.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:4ed11165dd45ce798d99a136808a794a748d5dc38511303239d4e2363c0695dc", size = 2914304, upload-time = "2023-09-07T14:04:08.668Z" }, - { url = "https://files.pythonhosted.org/packages/76/58/5c391b41ecfc4527d2cc3350719b02e87cb424ef8ba2023fb662f9bf743c/Brotli-1.1.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:4093c631e96fdd49e0377a9c167bfd75b6d0bad2ace734c6eb20b348bc3ea180", size = 2814452, upload-time = "2023-09-07T14:04:10.736Z" }, - { url = "https://files.pythonhosted.org/packages/c7/4e/91b8256dfe99c407f174924b65a01f5305e303f486cc7a2e8a5d43c8bec3/Brotli-1.1.0-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:7e4c4629ddad63006efa0ef968c8e4751c5868ff0b1c5c40f76524e894c50248", size = 2938751, upload-time = "2023-09-07T14:04:12.875Z" }, - { url = "https://files.pythonhosted.org/packages/5a/a6/e2a39a5d3b412938362bbbeba5af904092bf3f95b867b4a3eb856104074e/Brotli-1.1.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:861bf317735688269936f755fa136a99d1ed526883859f86e41a5d43c61d8966", size = 2933757, upload-time = "2023-09-07T14:04:14.551Z" }, - { url = "https://files.pythonhosted.org/packages/13/f0/358354786280a509482e0e77c1a5459e439766597d280f28cb097642fc26/Brotli-1.1.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:87a3044c3a35055527ac75e419dfa9f4f3667a1e887ee80360589eb8c90aabb9", size = 2936146, upload-time = "2024-10-18T12:32:27.257Z" }, - { url = "https://files.pythonhosted.org/packages/80/f7/daf538c1060d3a88266b80ecc1d1c98b79553b3f117a485653f17070ea2a/Brotli-1.1.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:c5529b34c1c9d937168297f2c1fde7ebe9ebdd5e121297ff9c043bdb2ae3d6fb", size = 2848055, upload-time = "2024-10-18T12:32:29.376Z" }, - { url = "https://files.pythonhosted.org/packages/ad/cf/0eaa0585c4077d3c2d1edf322d8e97aabf317941d3a72d7b3ad8bce004b0/Brotli-1.1.0-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:ca63e1890ede90b2e4454f9a65135a4d387a4585ff8282bb72964fab893f2111", size = 3035102, upload-time = "2024-10-18T12:32:31.371Z" }, - { url = "https://files.pythonhosted.org/packages/d8/63/1c1585b2aa554fe6dbce30f0c18bdbc877fa9a1bf5ff17677d9cca0ac122/Brotli-1.1.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:e79e6520141d792237c70bcd7a3b122d00f2613769ae0cb61c52e89fd3443839", size = 2930029, upload-time = "2024-10-18T12:32:33.293Z" }, - { url = "https://files.pythonhosted.org/packages/5f/3b/4e3fd1893eb3bbfef8e5a80d4508bec17a57bb92d586c85c12d28666bb13/Brotli-1.1.0-cp312-cp312-win32.whl", hash = "sha256:5f4d5ea15c9382135076d2fb28dde923352fe02951e66935a9efaac8f10e81b0", size = 333276, upload-time = "2023-09-07T14:04:16.49Z" }, - { url = "https://files.pythonhosted.org/packages/3d/d5/942051b45a9e883b5b6e98c041698b1eb2012d25e5948c58d6bf85b1bb43/Brotli-1.1.0-cp312-cp312-win_amd64.whl", hash = "sha256:906bc3a79de8c4ae5b86d3d75a8b77e44404b0f4261714306e3ad248d8ab0951", size = 357255, upload-time = "2023-09-07T14:04:17.83Z" }, - { url = "https://files.pythonhosted.org/packages/0a/9f/fb37bb8ffc52a8da37b1c03c459a8cd55df7a57bdccd8831d500e994a0ca/Brotli-1.1.0-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:8bf32b98b75c13ec7cf774164172683d6e7891088f6316e54425fde1efc276d5", size = 815681, upload-time = "2024-10-18T12:32:34.942Z" }, - { url = "https://files.pythonhosted.org/packages/06/b3/dbd332a988586fefb0aa49c779f59f47cae76855c2d00f450364bb574cac/Brotli-1.1.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:7bc37c4d6b87fb1017ea28c9508b36bbcb0c3d18b4260fcdf08b200c74a6aee8", size = 422475, upload-time = "2024-10-18T12:32:36.485Z" }, - { url = "https://files.pythonhosted.org/packages/bb/80/6aaddc2f63dbcf2d93c2d204e49c11a9ec93a8c7c63261e2b4bd35198283/Brotli-1.1.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3c0ef38c7a7014ffac184db9e04debe495d317cc9c6fb10071f7fefd93100a4f", size = 2906173, upload-time = "2024-10-18T12:32:37.978Z" }, - { url = "https://files.pythonhosted.org/packages/ea/1d/e6ca79c96ff5b641df6097d299347507d39a9604bde8915e76bf026d6c77/Brotli-1.1.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:91d7cc2a76b5567591d12c01f019dd7afce6ba8cba6571187e21e2fc418ae648", size = 2943803, upload-time = "2024-10-18T12:32:39.606Z" }, - { url = "https://files.pythonhosted.org/packages/ac/a3/d98d2472e0130b7dd3acdbb7f390d478123dbf62b7d32bda5c830a96116d/Brotli-1.1.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a93dde851926f4f2678e704fadeb39e16c35d8baebd5252c9fd94ce8ce68c4a0", size = 2918946, upload-time = "2024-10-18T12:32:41.679Z" }, - { url = "https://files.pythonhosted.org/packages/c4/a5/c69e6d272aee3e1423ed005d8915a7eaa0384c7de503da987f2d224d0721/Brotli-1.1.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f0db75f47be8b8abc8d9e31bc7aad0547ca26f24a54e6fd10231d623f183d089", size = 2845707, upload-time = "2024-10-18T12:32:43.478Z" }, - { url = "https://files.pythonhosted.org/packages/58/9f/4149d38b52725afa39067350696c09526de0125ebfbaab5acc5af28b42ea/Brotli-1.1.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:6967ced6730aed543b8673008b5a391c3b1076d834ca438bbd70635c73775368", size = 2936231, upload-time = "2024-10-18T12:32:45.224Z" }, - { url = "https://files.pythonhosted.org/packages/5a/5a/145de884285611838a16bebfdb060c231c52b8f84dfbe52b852a15780386/Brotli-1.1.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:7eedaa5d036d9336c95915035fb57422054014ebdeb6f3b42eac809928e40d0c", size = 2848157, upload-time = "2024-10-18T12:32:46.894Z" }, - { url = "https://files.pythonhosted.org/packages/50/ae/408b6bfb8525dadebd3b3dd5b19d631da4f7d46420321db44cd99dcf2f2c/Brotli-1.1.0-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:d487f5432bf35b60ed625d7e1b448e2dc855422e87469e3f450aa5552b0eb284", size = 3035122, upload-time = "2024-10-18T12:32:48.844Z" }, - { url = "https://files.pythonhosted.org/packages/af/85/a94e5cfaa0ca449d8f91c3d6f78313ebf919a0dbd55a100c711c6e9655bc/Brotli-1.1.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:832436e59afb93e1836081a20f324cb185836c617659b07b129141a8426973c7", size = 2930206, upload-time = "2024-10-18T12:32:51.198Z" }, - { url = "https://files.pythonhosted.org/packages/c2/f0/a61d9262cd01351df22e57ad7c34f66794709acab13f34be2675f45bf89d/Brotli-1.1.0-cp313-cp313-win32.whl", hash = "sha256:43395e90523f9c23a3d5bdf004733246fba087f2948f87ab28015f12359ca6a0", size = 333804, upload-time = "2024-10-18T12:32:52.661Z" }, - { url = "https://files.pythonhosted.org/packages/7e/c1/ec214e9c94000d1c1974ec67ced1c970c148aa6b8d8373066123fc3dbf06/Brotli-1.1.0-cp313-cp313-win_amd64.whl", hash = "sha256:9011560a466d2eb3f5a6e4929cf4a09be405c64154e12df0dd72713f6500e32b", size = 358517, upload-time = "2024-10-18T12:32:54.066Z" }, -] - -[[package]] -name = "cachetools" -version = "6.2.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/cc/7e/b975b5814bd36faf009faebe22c1072a1fa1168db34d285ef0ba071ad78c/cachetools-6.2.1.tar.gz", hash = "sha256:3f391e4bd8f8bf0931169baf7456cc822705f4e2a31f840d218f445b9a854201", size = 31325, upload-time = "2025-10-12T14:55:30.139Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/96/c5/1e741d26306c42e2bf6ab740b2202872727e0f606033c9dd713f8b93f5a8/cachetools-6.2.1-py3-none-any.whl", hash = "sha256:09868944b6dde876dfd44e1d47e18484541eaf12f26f29b7af91b26cc892d701", size = 11280, upload-time = "2025-10-12T14:55:28.382Z" }, -] - -[[package]] -name = "certifi" -version = "2025.10.5" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/4c/5b/b6ce21586237c77ce67d01dc5507039d444b630dd76611bbca2d8e5dcd91/certifi-2025.10.5.tar.gz", hash = "sha256:47c09d31ccf2acf0be3f701ea53595ee7e0b8fa08801c6624be771df09ae7b43", size = 164519, upload-time = "2025-10-05T04:12:15.808Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e4/37/af0d2ef3967ac0d6113837b44a4f0bfe1328c2b9763bd5b1744520e5cfed/certifi-2025.10.5-py3-none-any.whl", hash = "sha256:0f212c2744a9bb6de0c56639a6f68afe01ecd92d91f14ae897c4fe7bbeeef0de", size = 163286, upload-time = "2025-10-05T04:12:14.03Z" }, -] - -[[package]] -name = "cffi" -version = "2.0.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "pycparser", marker = "implementation_name != 'PyPy' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/eb/56/b1ba7935a17738ae8453301356628e8147c79dbb825bcbc73dc7401f9846/cffi-2.0.0.tar.gz", hash = "sha256:44d1b5909021139fe36001ae048dbdde8214afa20200eda0f64c068cac5d5529", size = 523588, upload-time = "2025-09-08T23:24:04.541Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/93/d7/516d984057745a6cd96575eea814fe1edd6646ee6efd552fb7b0921dec83/cffi-2.0.0-cp310-cp310-macosx_10_13_x86_64.whl", hash = "sha256:0cf2d91ecc3fcc0625c2c530fe004f82c110405f101548512cce44322fa8ac44", size = 184283, upload-time = "2025-09-08T23:22:08.01Z" }, - { url = "https://files.pythonhosted.org/packages/9e/84/ad6a0b408daa859246f57c03efd28e5dd1b33c21737c2db84cae8c237aa5/cffi-2.0.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:f73b96c41e3b2adedc34a7356e64c8eb96e03a3782b535e043a986276ce12a49", size = 180504, upload-time = "2025-09-08T23:22:10.637Z" }, - { url = "https://files.pythonhosted.org/packages/50/bd/b1a6362b80628111e6653c961f987faa55262b4002fcec42308cad1db680/cffi-2.0.0-cp310-cp310-manylinux1_i686.manylinux2014_i686.manylinux_2_17_i686.manylinux_2_5_i686.whl", hash = "sha256:53f77cbe57044e88bbd5ed26ac1d0514d2acf0591dd6bb02a3ae37f76811b80c", size = 208811, upload-time = "2025-09-08T23:22:12.267Z" }, - { url = "https://files.pythonhosted.org/packages/4f/27/6933a8b2562d7bd1fb595074cf99cc81fc3789f6a6c05cdabb46284a3188/cffi-2.0.0-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:3e837e369566884707ddaf85fc1744b47575005c0a229de3327f8f9a20f4efeb", size = 216402, upload-time = "2025-09-08T23:22:13.455Z" }, - { url = "https://files.pythonhosted.org/packages/05/eb/b86f2a2645b62adcfff53b0dd97e8dfafb5c8aa864bd0d9a2c2049a0d551/cffi-2.0.0-cp310-cp310-manylinux2014_ppc64le.manylinux_2_17_ppc64le.whl", hash = "sha256:5eda85d6d1879e692d546a078b44251cdd08dd1cfb98dfb77b670c97cee49ea0", size = 203217, upload-time = "2025-09-08T23:22:14.596Z" }, - { url = "https://files.pythonhosted.org/packages/9f/e0/6cbe77a53acf5acc7c08cc186c9928864bd7c005f9efd0d126884858a5fe/cffi-2.0.0-cp310-cp310-manylinux2014_s390x.manylinux_2_17_s390x.whl", hash = "sha256:9332088d75dc3241c702d852d4671613136d90fa6881da7d770a483fd05248b4", size = 203079, upload-time = "2025-09-08T23:22:15.769Z" }, - { url = "https://files.pythonhosted.org/packages/98/29/9b366e70e243eb3d14a5cb488dfd3a0b6b2f1fb001a203f653b93ccfac88/cffi-2.0.0-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:fc7de24befaeae77ba923797c7c87834c73648a05a4bde34b3b7e5588973a453", size = 216475, upload-time = "2025-09-08T23:22:17.427Z" }, - { url = "https://files.pythonhosted.org/packages/21/7a/13b24e70d2f90a322f2900c5d8e1f14fa7e2a6b3332b7309ba7b2ba51a5a/cffi-2.0.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:cf364028c016c03078a23b503f02058f1814320a56ad535686f90565636a9495", size = 218829, upload-time = "2025-09-08T23:22:19.069Z" }, - { url = "https://files.pythonhosted.org/packages/60/99/c9dc110974c59cc981b1f5b66e1d8af8af764e00f0293266824d9c4254bc/cffi-2.0.0-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:e11e82b744887154b182fd3e7e8512418446501191994dbf9c9fc1f32cc8efd5", size = 211211, upload-time = "2025-09-08T23:22:20.588Z" }, - { url = "https://files.pythonhosted.org/packages/49/72/ff2d12dbf21aca1b32a40ed792ee6b40f6dc3a9cf1644bd7ef6e95e0ac5e/cffi-2.0.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:8ea985900c5c95ce9db1745f7933eeef5d314f0565b27625d9a10ec9881e1bfb", size = 218036, upload-time = "2025-09-08T23:22:22.143Z" }, - { url = "https://files.pythonhosted.org/packages/e2/cc/027d7fb82e58c48ea717149b03bcadcbdc293553edb283af792bd4bcbb3f/cffi-2.0.0-cp310-cp310-win32.whl", hash = "sha256:1f72fb8906754ac8a2cc3f9f5aaa298070652a0ffae577e0ea9bd480dc3c931a", size = 172184, upload-time = "2025-09-08T23:22:23.328Z" }, - { url = "https://files.pythonhosted.org/packages/33/fa/072dd15ae27fbb4e06b437eb6e944e75b068deb09e2a2826039e49ee2045/cffi-2.0.0-cp310-cp310-win_amd64.whl", hash = "sha256:b18a3ed7d5b3bd8d9ef7a8cb226502c6bf8308df1525e1cc676c3680e7176739", size = 182790, upload-time = "2025-09-08T23:22:24.752Z" }, - { url = "https://files.pythonhosted.org/packages/12/4a/3dfd5f7850cbf0d06dc84ba9aa00db766b52ca38d8b86e3a38314d52498c/cffi-2.0.0-cp311-cp311-macosx_10_13_x86_64.whl", hash = "sha256:b4c854ef3adc177950a8dfc81a86f5115d2abd545751a304c5bcf2c2c7283cfe", size = 184344, upload-time = "2025-09-08T23:22:26.456Z" }, - { url = "https://files.pythonhosted.org/packages/4f/8b/f0e4c441227ba756aafbe78f117485b25bb26b1c059d01f137fa6d14896b/cffi-2.0.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:2de9a304e27f7596cd03d16f1b7c72219bd944e99cc52b84d0145aefb07cbd3c", size = 180560, upload-time = "2025-09-08T23:22:28.197Z" }, - { url = "https://files.pythonhosted.org/packages/b1/b7/1200d354378ef52ec227395d95c2576330fd22a869f7a70e88e1447eb234/cffi-2.0.0-cp311-cp311-manylinux1_i686.manylinux2014_i686.manylinux_2_17_i686.manylinux_2_5_i686.whl", hash = "sha256:baf5215e0ab74c16e2dd324e8ec067ef59e41125d3eade2b863d294fd5035c92", size = 209613, upload-time = "2025-09-08T23:22:29.475Z" }, - { url = "https://files.pythonhosted.org/packages/b8/56/6033f5e86e8cc9bb629f0077ba71679508bdf54a9a5e112a3c0b91870332/cffi-2.0.0-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:730cacb21e1bdff3ce90babf007d0a0917cc3e6492f336c2f0134101e0944f93", size = 216476, upload-time = "2025-09-08T23:22:31.063Z" }, - { url = "https://files.pythonhosted.org/packages/dc/7f/55fecd70f7ece178db2f26128ec41430d8720f2d12ca97bf8f0a628207d5/cffi-2.0.0-cp311-cp311-manylinux2014_ppc64le.manylinux_2_17_ppc64le.whl", hash = "sha256:6824f87845e3396029f3820c206e459ccc91760e8fa24422f8b0c3d1731cbec5", size = 203374, upload-time = "2025-09-08T23:22:32.507Z" }, - { url = "https://files.pythonhosted.org/packages/84/ef/a7b77c8bdc0f77adc3b46888f1ad54be8f3b7821697a7b89126e829e676a/cffi-2.0.0-cp311-cp311-manylinux2014_s390x.manylinux_2_17_s390x.whl", hash = "sha256:9de40a7b0323d889cf8d23d1ef214f565ab154443c42737dfe52ff82cf857664", size = 202597, upload-time = "2025-09-08T23:22:34.132Z" }, - { url = "https://files.pythonhosted.org/packages/d7/91/500d892b2bf36529a75b77958edfcd5ad8e2ce4064ce2ecfeab2125d72d1/cffi-2.0.0-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:8941aaadaf67246224cee8c3803777eed332a19d909b47e29c9842ef1e79ac26", size = 215574, upload-time = "2025-09-08T23:22:35.443Z" }, - { url = "https://files.pythonhosted.org/packages/44/64/58f6255b62b101093d5df22dcb752596066c7e89dd725e0afaed242a61be/cffi-2.0.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:a05d0c237b3349096d3981b727493e22147f934b20f6f125a3eba8f994bec4a9", size = 218971, upload-time = "2025-09-08T23:22:36.805Z" }, - { url = "https://files.pythonhosted.org/packages/ab/49/fa72cebe2fd8a55fbe14956f9970fe8eb1ac59e5df042f603ef7c8ba0adc/cffi-2.0.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:94698a9c5f91f9d138526b48fe26a199609544591f859c870d477351dc7b2414", size = 211972, upload-time = "2025-09-08T23:22:38.436Z" }, - { url = "https://files.pythonhosted.org/packages/0b/28/dd0967a76aab36731b6ebfe64dec4e981aff7e0608f60c2d46b46982607d/cffi-2.0.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:5fed36fccc0612a53f1d4d9a816b50a36702c28a2aa880cb8a122b3466638743", size = 217078, upload-time = "2025-09-08T23:22:39.776Z" }, - { url = "https://files.pythonhosted.org/packages/2b/c0/015b25184413d7ab0a410775fdb4a50fca20f5589b5dab1dbbfa3baad8ce/cffi-2.0.0-cp311-cp311-win32.whl", hash = "sha256:c649e3a33450ec82378822b3dad03cc228b8f5963c0c12fc3b1e0ab940f768a5", size = 172076, upload-time = "2025-09-08T23:22:40.95Z" }, - { url = "https://files.pythonhosted.org/packages/ae/8f/dc5531155e7070361eb1b7e4c1a9d896d0cb21c49f807a6c03fd63fc877e/cffi-2.0.0-cp311-cp311-win_amd64.whl", hash = "sha256:66f011380d0e49ed280c789fbd08ff0d40968ee7b665575489afa95c98196ab5", size = 182820, upload-time = "2025-09-08T23:22:42.463Z" }, - { url = "https://files.pythonhosted.org/packages/95/5c/1b493356429f9aecfd56bc171285a4c4ac8697f76e9bbbbb105e537853a1/cffi-2.0.0-cp311-cp311-win_arm64.whl", hash = "sha256:c6638687455baf640e37344fe26d37c404db8b80d037c3d29f58fe8d1c3b194d", size = 177635, upload-time = "2025-09-08T23:22:43.623Z" }, - { url = "https://files.pythonhosted.org/packages/ea/47/4f61023ea636104d4f16ab488e268b93008c3d0bb76893b1b31db1f96802/cffi-2.0.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:6d02d6655b0e54f54c4ef0b94eb6be0607b70853c45ce98bd278dc7de718be5d", size = 185271, upload-time = "2025-09-08T23:22:44.795Z" }, - { url = "https://files.pythonhosted.org/packages/df/a2/781b623f57358e360d62cdd7a8c681f074a71d445418a776eef0aadb4ab4/cffi-2.0.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:8eca2a813c1cb7ad4fb74d368c2ffbbb4789d377ee5bb8df98373c2cc0dee76c", size = 181048, upload-time = "2025-09-08T23:22:45.938Z" }, - { url = "https://files.pythonhosted.org/packages/ff/df/a4f0fbd47331ceeba3d37c2e51e9dfc9722498becbeec2bd8bc856c9538a/cffi-2.0.0-cp312-cp312-manylinux1_i686.manylinux2014_i686.manylinux_2_17_i686.manylinux_2_5_i686.whl", hash = "sha256:21d1152871b019407d8ac3985f6775c079416c282e431a4da6afe7aefd2bccbe", size = 212529, upload-time = "2025-09-08T23:22:47.349Z" }, - { url = "https://files.pythonhosted.org/packages/d5/72/12b5f8d3865bf0f87cf1404d8c374e7487dcf097a1c91c436e72e6badd83/cffi-2.0.0-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:b21e08af67b8a103c71a250401c78d5e0893beff75e28c53c98f4de42f774062", size = 220097, upload-time = "2025-09-08T23:22:48.677Z" }, - { url = "https://files.pythonhosted.org/packages/c2/95/7a135d52a50dfa7c882ab0ac17e8dc11cec9d55d2c18dda414c051c5e69e/cffi-2.0.0-cp312-cp312-manylinux2014_ppc64le.manylinux_2_17_ppc64le.whl", hash = "sha256:1e3a615586f05fc4065a8b22b8152f0c1b00cdbc60596d187c2a74f9e3036e4e", size = 207983, upload-time = "2025-09-08T23:22:50.06Z" }, - { url = "https://files.pythonhosted.org/packages/3a/c8/15cb9ada8895957ea171c62dc78ff3e99159ee7adb13c0123c001a2546c1/cffi-2.0.0-cp312-cp312-manylinux2014_s390x.manylinux_2_17_s390x.whl", hash = "sha256:81afed14892743bbe14dacb9e36d9e0e504cd204e0b165062c488942b9718037", size = 206519, upload-time = "2025-09-08T23:22:51.364Z" }, - { url = "https://files.pythonhosted.org/packages/78/2d/7fa73dfa841b5ac06c7b8855cfc18622132e365f5b81d02230333ff26e9e/cffi-2.0.0-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:3e17ed538242334bf70832644a32a7aae3d83b57567f9fd60a26257e992b79ba", size = 219572, upload-time = "2025-09-08T23:22:52.902Z" }, - { url = "https://files.pythonhosted.org/packages/07/e0/267e57e387b4ca276b90f0434ff88b2c2241ad72b16d31836adddfd6031b/cffi-2.0.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:3925dd22fa2b7699ed2617149842d2e6adde22b262fcbfada50e3d195e4b3a94", size = 222963, upload-time = "2025-09-08T23:22:54.518Z" }, - { url = "https://files.pythonhosted.org/packages/b6/75/1f2747525e06f53efbd878f4d03bac5b859cbc11c633d0fb81432d98a795/cffi-2.0.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:2c8f814d84194c9ea681642fd164267891702542f028a15fc97d4674b6206187", size = 221361, upload-time = "2025-09-08T23:22:55.867Z" }, - { url = "https://files.pythonhosted.org/packages/7b/2b/2b6435f76bfeb6bbf055596976da087377ede68df465419d192acf00c437/cffi-2.0.0-cp312-cp312-win32.whl", hash = "sha256:da902562c3e9c550df360bfa53c035b2f241fed6d9aef119048073680ace4a18", size = 172932, upload-time = "2025-09-08T23:22:57.188Z" }, - { url = "https://files.pythonhosted.org/packages/f8/ed/13bd4418627013bec4ed6e54283b1959cf6db888048c7cf4b4c3b5b36002/cffi-2.0.0-cp312-cp312-win_amd64.whl", hash = "sha256:da68248800ad6320861f129cd9c1bf96ca849a2771a59e0344e88681905916f5", size = 183557, upload-time = "2025-09-08T23:22:58.351Z" }, - { url = "https://files.pythonhosted.org/packages/95/31/9f7f93ad2f8eff1dbc1c3656d7ca5bfd8fb52c9d786b4dcf19b2d02217fa/cffi-2.0.0-cp312-cp312-win_arm64.whl", hash = "sha256:4671d9dd5ec934cb9a73e7ee9676f9362aba54f7f34910956b84d727b0d73fb6", size = 177762, upload-time = "2025-09-08T23:22:59.668Z" }, - { url = "https://files.pythonhosted.org/packages/4b/8d/a0a47a0c9e413a658623d014e91e74a50cdd2c423f7ccfd44086ef767f90/cffi-2.0.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:00bdf7acc5f795150faa6957054fbbca2439db2f775ce831222b66f192f03beb", size = 185230, upload-time = "2025-09-08T23:23:00.879Z" }, - { url = "https://files.pythonhosted.org/packages/4a/d2/a6c0296814556c68ee32009d9c2ad4f85f2707cdecfd7727951ec228005d/cffi-2.0.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:45d5e886156860dc35862657e1494b9bae8dfa63bf56796f2fb56e1679fc0bca", size = 181043, upload-time = "2025-09-08T23:23:02.231Z" }, - { url = "https://files.pythonhosted.org/packages/b0/1e/d22cc63332bd59b06481ceaac49d6c507598642e2230f201649058a7e704/cffi-2.0.0-cp313-cp313-manylinux1_i686.manylinux2014_i686.manylinux_2_17_i686.manylinux_2_5_i686.whl", hash = "sha256:07b271772c100085dd28b74fa0cd81c8fb1a3ba18b21e03d7c27f3436a10606b", size = 212446, upload-time = "2025-09-08T23:23:03.472Z" }, - { url = "https://files.pythonhosted.org/packages/a9/f5/a2c23eb03b61a0b8747f211eb716446c826ad66818ddc7810cc2cc19b3f2/cffi-2.0.0-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:d48a880098c96020b02d5a1f7d9251308510ce8858940e6fa99ece33f610838b", size = 220101, upload-time = "2025-09-08T23:23:04.792Z" }, - { url = "https://files.pythonhosted.org/packages/f2/7f/e6647792fc5850d634695bc0e6ab4111ae88e89981d35ac269956605feba/cffi-2.0.0-cp313-cp313-manylinux2014_ppc64le.manylinux_2_17_ppc64le.whl", hash = "sha256:f93fd8e5c8c0a4aa1f424d6173f14a892044054871c771f8566e4008eaa359d2", size = 207948, upload-time = "2025-09-08T23:23:06.127Z" }, - { url = "https://files.pythonhosted.org/packages/cb/1e/a5a1bd6f1fb30f22573f76533de12a00bf274abcdc55c8edab639078abb6/cffi-2.0.0-cp313-cp313-manylinux2014_s390x.manylinux_2_17_s390x.whl", hash = "sha256:dd4f05f54a52fb558f1ba9f528228066954fee3ebe629fc1660d874d040ae5a3", size = 206422, upload-time = "2025-09-08T23:23:07.753Z" }, - { url = "https://files.pythonhosted.org/packages/98/df/0a1755e750013a2081e863e7cd37e0cdd02664372c754e5560099eb7aa44/cffi-2.0.0-cp313-cp313-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:c8d3b5532fc71b7a77c09192b4a5a200ea992702734a2e9279a37f2478236f26", size = 219499, upload-time = "2025-09-08T23:23:09.648Z" }, - { url = "https://files.pythonhosted.org/packages/50/e1/a969e687fcf9ea58e6e2a928ad5e2dd88cc12f6f0ab477e9971f2309b57c/cffi-2.0.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:d9b29c1f0ae438d5ee9acb31cadee00a58c46cc9c0b2f9038c6b0b3470877a8c", size = 222928, upload-time = "2025-09-08T23:23:10.928Z" }, - { url = "https://files.pythonhosted.org/packages/36/54/0362578dd2c9e557a28ac77698ed67323ed5b9775ca9d3fe73fe191bb5d8/cffi-2.0.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:6d50360be4546678fc1b79ffe7a66265e28667840010348dd69a314145807a1b", size = 221302, upload-time = "2025-09-08T23:23:12.42Z" }, - { url = "https://files.pythonhosted.org/packages/eb/6d/bf9bda840d5f1dfdbf0feca87fbdb64a918a69bca42cfa0ba7b137c48cb8/cffi-2.0.0-cp313-cp313-win32.whl", hash = "sha256:74a03b9698e198d47562765773b4a8309919089150a0bb17d829ad7b44b60d27", size = 172909, upload-time = "2025-09-08T23:23:14.32Z" }, - { url = "https://files.pythonhosted.org/packages/37/18/6519e1ee6f5a1e579e04b9ddb6f1676c17368a7aba48299c3759bbc3c8b3/cffi-2.0.0-cp313-cp313-win_amd64.whl", hash = "sha256:19f705ada2530c1167abacb171925dd886168931e0a7b78f5bffcae5c6b5be75", size = 183402, upload-time = "2025-09-08T23:23:15.535Z" }, - { url = "https://files.pythonhosted.org/packages/cb/0e/02ceeec9a7d6ee63bb596121c2c8e9b3a9e150936f4fbef6ca1943e6137c/cffi-2.0.0-cp313-cp313-win_arm64.whl", hash = "sha256:256f80b80ca3853f90c21b23ee78cd008713787b1b1e93eae9f3d6a7134abd91", size = 177780, upload-time = "2025-09-08T23:23:16.761Z" }, - { url = "https://files.pythonhosted.org/packages/92/c4/3ce07396253a83250ee98564f8d7e9789fab8e58858f35d07a9a2c78de9f/cffi-2.0.0-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:fc33c5141b55ed366cfaad382df24fe7dcbc686de5be719b207bb248e3053dc5", size = 185320, upload-time = "2025-09-08T23:23:18.087Z" }, - { url = "https://files.pythonhosted.org/packages/59/dd/27e9fa567a23931c838c6b02d0764611c62290062a6d4e8ff7863daf9730/cffi-2.0.0-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:c654de545946e0db659b3400168c9ad31b5d29593291482c43e3564effbcee13", size = 181487, upload-time = "2025-09-08T23:23:19.622Z" }, - { url = "https://files.pythonhosted.org/packages/d6/43/0e822876f87ea8a4ef95442c3d766a06a51fc5298823f884ef87aaad168c/cffi-2.0.0-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:24b6f81f1983e6df8db3adc38562c83f7d4a0c36162885ec7f7b77c7dcbec97b", size = 220049, upload-time = "2025-09-08T23:23:20.853Z" }, - { url = "https://files.pythonhosted.org/packages/b4/89/76799151d9c2d2d1ead63c2429da9ea9d7aac304603de0c6e8764e6e8e70/cffi-2.0.0-cp314-cp314-manylinux2014_ppc64le.manylinux_2_17_ppc64le.whl", hash = "sha256:12873ca6cb9b0f0d3a0da705d6086fe911591737a59f28b7936bdfed27c0d47c", size = 207793, upload-time = "2025-09-08T23:23:22.08Z" }, - { url = "https://files.pythonhosted.org/packages/bb/dd/3465b14bb9e24ee24cb88c9e3730f6de63111fffe513492bf8c808a3547e/cffi-2.0.0-cp314-cp314-manylinux2014_s390x.manylinux_2_17_s390x.whl", hash = "sha256:d9b97165e8aed9272a6bb17c01e3cc5871a594a446ebedc996e2397a1c1ea8ef", size = 206300, upload-time = "2025-09-08T23:23:23.314Z" }, - { url = "https://files.pythonhosted.org/packages/47/d9/d83e293854571c877a92da46fdec39158f8d7e68da75bf73581225d28e90/cffi-2.0.0-cp314-cp314-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:afb8db5439b81cf9c9d0c80404b60c3cc9c3add93e114dcae767f1477cb53775", size = 219244, upload-time = "2025-09-08T23:23:24.541Z" }, - { url = "https://files.pythonhosted.org/packages/2b/0f/1f177e3683aead2bb00f7679a16451d302c436b5cbf2505f0ea8146ef59e/cffi-2.0.0-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:737fe7d37e1a1bffe70bd5754ea763a62a066dc5913ca57e957824b72a85e205", size = 222828, upload-time = "2025-09-08T23:23:26.143Z" }, - { url = "https://files.pythonhosted.org/packages/c6/0f/cafacebd4b040e3119dcb32fed8bdef8dfe94da653155f9d0b9dc660166e/cffi-2.0.0-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:38100abb9d1b1435bc4cc340bb4489635dc2f0da7456590877030c9b3d40b0c1", size = 220926, upload-time = "2025-09-08T23:23:27.873Z" }, - { url = "https://files.pythonhosted.org/packages/3e/aa/df335faa45b395396fcbc03de2dfcab242cd61a9900e914fe682a59170b1/cffi-2.0.0-cp314-cp314-win32.whl", hash = "sha256:087067fa8953339c723661eda6b54bc98c5625757ea62e95eb4898ad5e776e9f", size = 175328, upload-time = "2025-09-08T23:23:44.61Z" }, - { url = "https://files.pythonhosted.org/packages/bb/92/882c2d30831744296ce713f0feb4c1cd30f346ef747b530b5318715cc367/cffi-2.0.0-cp314-cp314-win_amd64.whl", hash = "sha256:203a48d1fb583fc7d78a4c6655692963b860a417c0528492a6bc21f1aaefab25", size = 185650, upload-time = "2025-09-08T23:23:45.848Z" }, - { url = "https://files.pythonhosted.org/packages/9f/2c/98ece204b9d35a7366b5b2c6539c350313ca13932143e79dc133ba757104/cffi-2.0.0-cp314-cp314-win_arm64.whl", hash = "sha256:dbd5c7a25a7cb98f5ca55d258b103a2054f859a46ae11aaf23134f9cc0d356ad", size = 180687, upload-time = "2025-09-08T23:23:47.105Z" }, - { url = "https://files.pythonhosted.org/packages/3e/61/c768e4d548bfa607abcda77423448df8c471f25dbe64fb2ef6d555eae006/cffi-2.0.0-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:9a67fc9e8eb39039280526379fb3a70023d77caec1852002b4da7e8b270c4dd9", size = 188773, upload-time = "2025-09-08T23:23:29.347Z" }, - { url = "https://files.pythonhosted.org/packages/2c/ea/5f76bce7cf6fcd0ab1a1058b5af899bfbef198bea4d5686da88471ea0336/cffi-2.0.0-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:7a66c7204d8869299919db4d5069a82f1561581af12b11b3c9f48c584eb8743d", size = 185013, upload-time = "2025-09-08T23:23:30.63Z" }, - { url = "https://files.pythonhosted.org/packages/be/b4/c56878d0d1755cf9caa54ba71e5d049479c52f9e4afc230f06822162ab2f/cffi-2.0.0-cp314-cp314t-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:7cc09976e8b56f8cebd752f7113ad07752461f48a58cbba644139015ac24954c", size = 221593, upload-time = "2025-09-08T23:23:31.91Z" }, - { url = "https://files.pythonhosted.org/packages/e0/0d/eb704606dfe8033e7128df5e90fee946bbcb64a04fcdaa97321309004000/cffi-2.0.0-cp314-cp314t-manylinux2014_ppc64le.manylinux_2_17_ppc64le.whl", hash = "sha256:92b68146a71df78564e4ef48af17551a5ddd142e5190cdf2c5624d0c3ff5b2e8", size = 209354, upload-time = "2025-09-08T23:23:33.214Z" }, - { url = "https://files.pythonhosted.org/packages/d8/19/3c435d727b368ca475fb8742ab97c9cb13a0de600ce86f62eab7fa3eea60/cffi-2.0.0-cp314-cp314t-manylinux2014_s390x.manylinux_2_17_s390x.whl", hash = "sha256:b1e74d11748e7e98e2f426ab176d4ed720a64412b6a15054378afdb71e0f37dc", size = 208480, upload-time = "2025-09-08T23:23:34.495Z" }, - { url = "https://files.pythonhosted.org/packages/d0/44/681604464ed9541673e486521497406fadcc15b5217c3e326b061696899a/cffi-2.0.0-cp314-cp314t-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:28a3a209b96630bca57cce802da70c266eb08c6e97e5afd61a75611ee6c64592", size = 221584, upload-time = "2025-09-08T23:23:36.096Z" }, - { url = "https://files.pythonhosted.org/packages/25/8e/342a504ff018a2825d395d44d63a767dd8ebc927ebda557fecdaca3ac33a/cffi-2.0.0-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:7553fb2090d71822f02c629afe6042c299edf91ba1bf94951165613553984512", size = 224443, upload-time = "2025-09-08T23:23:37.328Z" }, - { url = "https://files.pythonhosted.org/packages/e1/5e/b666bacbbc60fbf415ba9988324a132c9a7a0448a9a8f125074671c0f2c3/cffi-2.0.0-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:6c6c373cfc5c83a975506110d17457138c8c63016b563cc9ed6e056a82f13ce4", size = 223437, upload-time = "2025-09-08T23:23:38.945Z" }, - { url = "https://files.pythonhosted.org/packages/a0/1d/ec1a60bd1a10daa292d3cd6bb0b359a81607154fb8165f3ec95fe003b85c/cffi-2.0.0-cp314-cp314t-win32.whl", hash = "sha256:1fc9ea04857caf665289b7a75923f2c6ed559b8298a1b8c49e59f7dd95c8481e", size = 180487, upload-time = "2025-09-08T23:23:40.423Z" }, - { url = "https://files.pythonhosted.org/packages/bf/41/4c1168c74fac325c0c8156f04b6749c8b6a8f405bbf91413ba088359f60d/cffi-2.0.0-cp314-cp314t-win_amd64.whl", hash = "sha256:d68b6cef7827e8641e8ef16f4494edda8b36104d79773a334beaa1e3521430f6", size = 191726, upload-time = "2025-09-08T23:23:41.742Z" }, - { url = "https://files.pythonhosted.org/packages/ae/3a/dbeec9d1ee0844c679f6bb5d6ad4e9f198b1224f4e7a32825f47f6192b0c/cffi-2.0.0-cp314-cp314t-win_arm64.whl", hash = "sha256:0a1527a803f0a659de1af2e1fd700213caba79377e27e4693648c2923da066f9", size = 184195, upload-time = "2025-09-08T23:23:43.004Z" }, -] - -[[package]] -name = "cfgv" -version = "3.4.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/11/74/539e56497d9bd1d484fd863dd69cbbfa653cd2aa27abfe35653494d85e94/cfgv-3.4.0.tar.gz", hash = "sha256:e52591d4c5f5dead8e0f673fb16db7949d2cfb3f7da4582893288f0ded8fe560", size = 7114, upload-time = "2023-08-12T20:38:17.776Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/c5/55/51844dd50c4fc7a33b653bfaba4c2456f06955289ca770a5dbd5fd267374/cfgv-3.4.0-py2.py3-none-any.whl", hash = "sha256:b7265b1f29fd3316bfcd2b330d63d024f2bfd8bcb8b0272f8e19a504856c48f9", size = 7249, upload-time = "2023-08-12T20:38:16.269Z" }, -] - -[[package]] -name = "chardet" -version = "5.2.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f3/0d/f7b6ab21ec75897ed80c17d79b15951a719226b9fababf1e40ea74d69079/chardet-5.2.0.tar.gz", hash = "sha256:1b3b6ff479a8c414bc3fa2c0852995695c4a026dcd6d0633b2dd092ca39c1cf7", size = 2069618, upload-time = "2023-08-01T19:23:02.662Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/38/6f/f5fbc992a329ee4e0f288c1fe0e2ad9485ed064cac731ed2fe47dcc38cbf/chardet-5.2.0-py3-none-any.whl", hash = "sha256:e1cf59446890a00105fe7b7912492ea04b6e6f06d4b742b2c788469e34c82970", size = 199385, upload-time = "2023-08-01T19:23:00.661Z" }, -] - -[[package]] -name = "charset-normalizer" -version = "3.4.4" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/13/69/33ddede1939fdd074bce5434295f38fae7136463422fe4fd3e0e89b98062/charset_normalizer-3.4.4.tar.gz", hash = "sha256:94537985111c35f28720e43603b8e7b43a6ecfb2ce1d3058bbe955b73404e21a", size = 129418, upload-time = "2025-10-14T04:42:32.879Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/1f/b8/6d51fc1d52cbd52cd4ccedd5b5b2f0f6a11bbf6765c782298b0f3e808541/charset_normalizer-3.4.4-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:e824f1492727fa856dd6eda4f7cee25f8518a12f3c4a56a74e8095695089cf6d", size = 209709, upload-time = "2025-10-14T04:40:11.385Z" }, - { url = "https://files.pythonhosted.org/packages/5c/af/1f9d7f7faafe2ddfb6f72a2e07a548a629c61ad510fe60f9630309908fef/charset_normalizer-3.4.4-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:4bd5d4137d500351a30687c2d3971758aac9a19208fc110ccb9d7188fbe709e8", size = 148814, upload-time = "2025-10-14T04:40:13.135Z" }, - { url = "https://files.pythonhosted.org/packages/79/3d/f2e3ac2bbc056ca0c204298ea4e3d9db9b4afe437812638759db2c976b5f/charset_normalizer-3.4.4-cp310-cp310-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:027f6de494925c0ab2a55eab46ae5129951638a49a34d87f4c3eda90f696b4ad", size = 144467, upload-time = "2025-10-14T04:40:14.728Z" }, - { url = "https://files.pythonhosted.org/packages/ec/85/1bf997003815e60d57de7bd972c57dc6950446a3e4ccac43bc3070721856/charset_normalizer-3.4.4-cp310-cp310-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:f820802628d2694cb7e56db99213f930856014862f3fd943d290ea8438d07ca8", size = 162280, upload-time = "2025-10-14T04:40:16.14Z" }, - { url = "https://files.pythonhosted.org/packages/3e/8e/6aa1952f56b192f54921c436b87f2aaf7c7a7c3d0d1a765547d64fd83c13/charset_normalizer-3.4.4-cp310-cp310-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:798d75d81754988d2565bff1b97ba5a44411867c0cf32b77a7e8f8d84796b10d", size = 159454, upload-time = "2025-10-14T04:40:17.567Z" }, - { url = "https://files.pythonhosted.org/packages/36/3b/60cbd1f8e93aa25d1c669c649b7a655b0b5fb4c571858910ea9332678558/charset_normalizer-3.4.4-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:9d1bb833febdff5c8927f922386db610b49db6e0d4f4ee29601d71e7c2694313", size = 153609, upload-time = "2025-10-14T04:40:19.08Z" }, - { url = "https://files.pythonhosted.org/packages/64/91/6a13396948b8fd3c4b4fd5bc74d045f5637d78c9675585e8e9fbe5636554/charset_normalizer-3.4.4-cp310-cp310-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:9cd98cdc06614a2f768d2b7286d66805f94c48cde050acdbbb7db2600ab3197e", size = 151849, upload-time = "2025-10-14T04:40:20.607Z" }, - { url = "https://files.pythonhosted.org/packages/b7/7a/59482e28b9981d105691e968c544cc0df3b7d6133152fb3dcdc8f135da7a/charset_normalizer-3.4.4-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:077fbb858e903c73f6c9db43374fd213b0b6a778106bc7032446a8e8b5b38b93", size = 151586, upload-time = "2025-10-14T04:40:21.719Z" }, - { url = "https://files.pythonhosted.org/packages/92/59/f64ef6a1c4bdd2baf892b04cd78792ed8684fbc48d4c2afe467d96b4df57/charset_normalizer-3.4.4-cp310-cp310-musllinux_1_2_armv7l.whl", hash = "sha256:244bfb999c71b35de57821b8ea746b24e863398194a4014e4c76adc2bbdfeff0", size = 145290, upload-time = "2025-10-14T04:40:23.069Z" }, - { url = "https://files.pythonhosted.org/packages/6b/63/3bf9f279ddfa641ffa1962b0db6a57a9c294361cc2f5fcac997049a00e9c/charset_normalizer-3.4.4-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:64b55f9dce520635f018f907ff1b0df1fdc31f2795a922fb49dd14fbcdf48c84", size = 163663, upload-time = "2025-10-14T04:40:24.17Z" }, - { url = "https://files.pythonhosted.org/packages/ed/09/c9e38fc8fa9e0849b172b581fd9803bdf6e694041127933934184e19f8c3/charset_normalizer-3.4.4-cp310-cp310-musllinux_1_2_riscv64.whl", hash = "sha256:faa3a41b2b66b6e50f84ae4a68c64fcd0c44355741c6374813a800cd6695db9e", size = 151964, upload-time = "2025-10-14T04:40:25.368Z" }, - { url = "https://files.pythonhosted.org/packages/d2/d1/d28b747e512d0da79d8b6a1ac18b7ab2ecfd81b2944c4c710e166d8dd09c/charset_normalizer-3.4.4-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:6515f3182dbe4ea06ced2d9e8666d97b46ef4c75e326b79bb624110f122551db", size = 161064, upload-time = "2025-10-14T04:40:26.806Z" }, - { url = "https://files.pythonhosted.org/packages/bb/9a/31d62b611d901c3b9e5500c36aab0ff5eb442043fb3a1c254200d3d397d9/charset_normalizer-3.4.4-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:cc00f04ed596e9dc0da42ed17ac5e596c6ccba999ba6bd92b0e0aef2f170f2d6", size = 155015, upload-time = "2025-10-14T04:40:28.284Z" }, - { url = "https://files.pythonhosted.org/packages/1f/f3/107e008fa2bff0c8b9319584174418e5e5285fef32f79d8ee6a430d0039c/charset_normalizer-3.4.4-cp310-cp310-win32.whl", hash = "sha256:f34be2938726fc13801220747472850852fe6b1ea75869a048d6f896838c896f", size = 99792, upload-time = "2025-10-14T04:40:29.613Z" }, - { url = "https://files.pythonhosted.org/packages/eb/66/e396e8a408843337d7315bab30dbf106c38966f1819f123257f5520f8a96/charset_normalizer-3.4.4-cp310-cp310-win_amd64.whl", hash = "sha256:a61900df84c667873b292c3de315a786dd8dac506704dea57bc957bd31e22c7d", size = 107198, upload-time = "2025-10-14T04:40:30.644Z" }, - { url = "https://files.pythonhosted.org/packages/b5/58/01b4f815bf0312704c267f2ccb6e5d42bcc7752340cd487bc9f8c3710597/charset_normalizer-3.4.4-cp310-cp310-win_arm64.whl", hash = "sha256:cead0978fc57397645f12578bfd2d5ea9138ea0fac82b2f63f7f7c6877986a69", size = 100262, upload-time = "2025-10-14T04:40:32.108Z" }, - { url = "https://files.pythonhosted.org/packages/ed/27/c6491ff4954e58a10f69ad90aca8a1b6fe9c5d3c6f380907af3c37435b59/charset_normalizer-3.4.4-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:6e1fcf0720908f200cd21aa4e6750a48ff6ce4afe7ff5a79a90d5ed8a08296f8", size = 206988, upload-time = "2025-10-14T04:40:33.79Z" }, - { url = "https://files.pythonhosted.org/packages/94/59/2e87300fe67ab820b5428580a53cad894272dbb97f38a7a814a2a1ac1011/charset_normalizer-3.4.4-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:5f819d5fe9234f9f82d75bdfa9aef3a3d72c4d24a6e57aeaebba32a704553aa0", size = 147324, upload-time = "2025-10-14T04:40:34.961Z" }, - { url = "https://files.pythonhosted.org/packages/07/fb/0cf61dc84b2b088391830f6274cb57c82e4da8bbc2efeac8c025edb88772/charset_normalizer-3.4.4-cp311-cp311-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:a59cb51917aa591b1c4e6a43c132f0cdc3c76dbad6155df4e28ee626cc77a0a3", size = 142742, upload-time = "2025-10-14T04:40:36.105Z" }, - { url = "https://files.pythonhosted.org/packages/62/8b/171935adf2312cd745d290ed93cf16cf0dfe320863ab7cbeeae1dcd6535f/charset_normalizer-3.4.4-cp311-cp311-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:8ef3c867360f88ac904fd3f5e1f902f13307af9052646963ee08ff4f131adafc", size = 160863, upload-time = "2025-10-14T04:40:37.188Z" }, - { url = "https://files.pythonhosted.org/packages/09/73/ad875b192bda14f2173bfc1bc9a55e009808484a4b256748d931b6948442/charset_normalizer-3.4.4-cp311-cp311-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:d9e45d7faa48ee908174d8fe84854479ef838fc6a705c9315372eacbc2f02897", size = 157837, upload-time = "2025-10-14T04:40:38.435Z" }, - { url = "https://files.pythonhosted.org/packages/6d/fc/de9cce525b2c5b94b47c70a4b4fb19f871b24995c728e957ee68ab1671ea/charset_normalizer-3.4.4-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:840c25fb618a231545cbab0564a799f101b63b9901f2569faecd6b222ac72381", size = 151550, upload-time = "2025-10-14T04:40:40.053Z" }, - { url = "https://files.pythonhosted.org/packages/55/c2/43edd615fdfba8c6f2dfbd459b25a6b3b551f24ea21981e23fb768503ce1/charset_normalizer-3.4.4-cp311-cp311-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:ca5862d5b3928c4940729dacc329aa9102900382fea192fc5e52eb69d6093815", size = 149162, upload-time = "2025-10-14T04:40:41.163Z" }, - { url = "https://files.pythonhosted.org/packages/03/86/bde4ad8b4d0e9429a4e82c1e8f5c659993a9a863ad62c7df05cf7b678d75/charset_normalizer-3.4.4-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:d9c7f57c3d666a53421049053eaacdd14bbd0a528e2186fcb2e672effd053bb0", size = 150019, upload-time = "2025-10-14T04:40:42.276Z" }, - { url = "https://files.pythonhosted.org/packages/1f/86/a151eb2af293a7e7bac3a739b81072585ce36ccfb4493039f49f1d3cae8c/charset_normalizer-3.4.4-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:277e970e750505ed74c832b4bf75dac7476262ee2a013f5574dd49075879e161", size = 143310, upload-time = "2025-10-14T04:40:43.439Z" }, - { url = "https://files.pythonhosted.org/packages/b5/fe/43dae6144a7e07b87478fdfc4dbe9efd5defb0e7ec29f5f58a55aeef7bf7/charset_normalizer-3.4.4-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:31fd66405eaf47bb62e8cd575dc621c56c668f27d46a61d975a249930dd5e2a4", size = 162022, upload-time = "2025-10-14T04:40:44.547Z" }, - { url = "https://files.pythonhosted.org/packages/80/e6/7aab83774f5d2bca81f42ac58d04caf44f0cc2b65fc6db2b3b2e8a05f3b3/charset_normalizer-3.4.4-cp311-cp311-musllinux_1_2_riscv64.whl", hash = "sha256:0d3d8f15c07f86e9ff82319b3d9ef6f4bf907608f53fe9d92b28ea9ae3d1fd89", size = 149383, upload-time = "2025-10-14T04:40:46.018Z" }, - { url = "https://files.pythonhosted.org/packages/4f/e8/b289173b4edae05c0dde07f69f8db476a0b511eac556dfe0d6bda3c43384/charset_normalizer-3.4.4-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:9f7fcd74d410a36883701fafa2482a6af2ff5ba96b9a620e9e0721e28ead5569", size = 159098, upload-time = "2025-10-14T04:40:47.081Z" }, - { url = "https://files.pythonhosted.org/packages/d8/df/fe699727754cae3f8478493c7f45f777b17c3ef0600e28abfec8619eb49c/charset_normalizer-3.4.4-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:ebf3e58c7ec8a8bed6d66a75d7fb37b55e5015b03ceae72a8e7c74495551e224", size = 152991, upload-time = "2025-10-14T04:40:48.246Z" }, - { url = "https://files.pythonhosted.org/packages/1a/86/584869fe4ddb6ffa3bd9f491b87a01568797fb9bd8933f557dba9771beaf/charset_normalizer-3.4.4-cp311-cp311-win32.whl", hash = "sha256:eecbc200c7fd5ddb9a7f16c7decb07b566c29fa2161a16cf67b8d068bd21690a", size = 99456, upload-time = "2025-10-14T04:40:49.376Z" }, - { url = "https://files.pythonhosted.org/packages/65/f6/62fdd5feb60530f50f7e38b4f6a1d5203f4d16ff4f9f0952962c044e919a/charset_normalizer-3.4.4-cp311-cp311-win_amd64.whl", hash = "sha256:5ae497466c7901d54b639cf42d5b8c1b6a4fead55215500d2f486d34db48d016", size = 106978, upload-time = "2025-10-14T04:40:50.844Z" }, - { url = "https://files.pythonhosted.org/packages/7a/9d/0710916e6c82948b3be62d9d398cb4fcf4e97b56d6a6aeccd66c4b2f2bd5/charset_normalizer-3.4.4-cp311-cp311-win_arm64.whl", hash = "sha256:65e2befcd84bc6f37095f5961e68a6f077bf44946771354a28ad434c2cce0ae1", size = 99969, upload-time = "2025-10-14T04:40:52.272Z" }, - { url = "https://files.pythonhosted.org/packages/f3/85/1637cd4af66fa687396e757dec650f28025f2a2f5a5531a3208dc0ec43f2/charset_normalizer-3.4.4-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:0a98e6759f854bd25a58a73fa88833fba3b7c491169f86ce1180c948ab3fd394", size = 208425, upload-time = "2025-10-14T04:40:53.353Z" }, - { url = "https://files.pythonhosted.org/packages/9d/6a/04130023fef2a0d9c62d0bae2649b69f7b7d8d24ea5536feef50551029df/charset_normalizer-3.4.4-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:b5b290ccc2a263e8d185130284f8501e3e36c5e02750fc6b6bdeb2e9e96f1e25", size = 148162, upload-time = "2025-10-14T04:40:54.558Z" }, - { url = "https://files.pythonhosted.org/packages/78/29/62328d79aa60da22c9e0b9a66539feae06ca0f5a4171ac4f7dc285b83688/charset_normalizer-3.4.4-cp312-cp312-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:74bb723680f9f7a6234dcf67aea57e708ec1fbdf5699fb91dfd6f511b0a320ef", size = 144558, upload-time = "2025-10-14T04:40:55.677Z" }, - { url = "https://files.pythonhosted.org/packages/86/bb/b32194a4bf15b88403537c2e120b817c61cd4ecffa9b6876e941c3ee38fe/charset_normalizer-3.4.4-cp312-cp312-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:f1e34719c6ed0b92f418c7c780480b26b5d9c50349e9a9af7d76bf757530350d", size = 161497, upload-time = "2025-10-14T04:40:57.217Z" }, - { url = "https://files.pythonhosted.org/packages/19/89/a54c82b253d5b9b111dc74aca196ba5ccfcca8242d0fb64146d4d3183ff1/charset_normalizer-3.4.4-cp312-cp312-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:2437418e20515acec67d86e12bf70056a33abdacb5cb1655042f6538d6b085a8", size = 159240, upload-time = "2025-10-14T04:40:58.358Z" }, - { url = "https://files.pythonhosted.org/packages/c0/10/d20b513afe03acc89ec33948320a5544d31f21b05368436d580dec4e234d/charset_normalizer-3.4.4-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:11d694519d7f29d6cd09f6ac70028dba10f92f6cdd059096db198c283794ac86", size = 153471, upload-time = "2025-10-14T04:40:59.468Z" }, - { url = "https://files.pythonhosted.org/packages/61/fa/fbf177b55bdd727010f9c0a3c49eefa1d10f960e5f09d1d887bf93c2e698/charset_normalizer-3.4.4-cp312-cp312-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:ac1c4a689edcc530fc9d9aa11f5774b9e2f33f9a0c6a57864e90908f5208d30a", size = 150864, upload-time = "2025-10-14T04:41:00.623Z" }, - { url = "https://files.pythonhosted.org/packages/05/12/9fbc6a4d39c0198adeebbde20b619790e9236557ca59fc40e0e3cebe6f40/charset_normalizer-3.4.4-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:21d142cc6c0ec30d2efee5068ca36c128a30b0f2c53c1c07bd78cb6bc1d3be5f", size = 150647, upload-time = "2025-10-14T04:41:01.754Z" }, - { url = "https://files.pythonhosted.org/packages/ad/1f/6a9a593d52e3e8c5d2b167daf8c6b968808efb57ef4c210acb907c365bc4/charset_normalizer-3.4.4-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:5dbe56a36425d26d6cfb40ce79c314a2e4dd6211d51d6d2191c00bed34f354cc", size = 145110, upload-time = "2025-10-14T04:41:03.231Z" }, - { url = "https://files.pythonhosted.org/packages/30/42/9a52c609e72471b0fc54386dc63c3781a387bb4fe61c20231a4ebcd58bdd/charset_normalizer-3.4.4-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:5bfbb1b9acf3334612667b61bd3002196fe2a1eb4dd74d247e0f2a4d50ec9bbf", size = 162839, upload-time = "2025-10-14T04:41:04.715Z" }, - { url = "https://files.pythonhosted.org/packages/c4/5b/c0682bbf9f11597073052628ddd38344a3d673fda35a36773f7d19344b23/charset_normalizer-3.4.4-cp312-cp312-musllinux_1_2_riscv64.whl", hash = "sha256:d055ec1e26e441f6187acf818b73564e6e6282709e9bcb5b63f5b23068356a15", size = 150667, upload-time = "2025-10-14T04:41:05.827Z" }, - { url = "https://files.pythonhosted.org/packages/e4/24/a41afeab6f990cf2daf6cb8c67419b63b48cf518e4f56022230840c9bfb2/charset_normalizer-3.4.4-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:af2d8c67d8e573d6de5bc30cdb27e9b95e49115cd9baad5ddbd1a6207aaa82a9", size = 160535, upload-time = "2025-10-14T04:41:06.938Z" }, - { url = "https://files.pythonhosted.org/packages/2a/e5/6a4ce77ed243c4a50a1fecca6aaaab419628c818a49434be428fe24c9957/charset_normalizer-3.4.4-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:780236ac706e66881f3b7f2f32dfe90507a09e67d1d454c762cf642e6e1586e0", size = 154816, upload-time = "2025-10-14T04:41:08.101Z" }, - { url = "https://files.pythonhosted.org/packages/a8/ef/89297262b8092b312d29cdb2517cb1237e51db8ecef2e9af5edbe7b683b1/charset_normalizer-3.4.4-cp312-cp312-win32.whl", hash = "sha256:5833d2c39d8896e4e19b689ffc198f08ea58116bee26dea51e362ecc7cd3ed26", size = 99694, upload-time = "2025-10-14T04:41:09.23Z" }, - { url = "https://files.pythonhosted.org/packages/3d/2d/1e5ed9dd3b3803994c155cd9aacb60c82c331bad84daf75bcb9c91b3295e/charset_normalizer-3.4.4-cp312-cp312-win_amd64.whl", hash = "sha256:a79cfe37875f822425b89a82333404539ae63dbdddf97f84dcbc3d339aae9525", size = 107131, upload-time = "2025-10-14T04:41:10.467Z" }, - { url = "https://files.pythonhosted.org/packages/d0/d9/0ed4c7098a861482a7b6a95603edce4c0d9db2311af23da1fb2b75ec26fc/charset_normalizer-3.4.4-cp312-cp312-win_arm64.whl", hash = "sha256:376bec83a63b8021bb5c8ea75e21c4ccb86e7e45ca4eb81146091b56599b80c3", size = 100390, upload-time = "2025-10-14T04:41:11.915Z" }, - { url = "https://files.pythonhosted.org/packages/97/45/4b3a1239bbacd321068ea6e7ac28875b03ab8bc0aa0966452db17cd36714/charset_normalizer-3.4.4-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:e1f185f86a6f3403aa2420e815904c67b2f9ebc443f045edd0de921108345794", size = 208091, upload-time = "2025-10-14T04:41:13.346Z" }, - { url = "https://files.pythonhosted.org/packages/7d/62/73a6d7450829655a35bb88a88fca7d736f9882a27eacdca2c6d505b57e2e/charset_normalizer-3.4.4-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:6b39f987ae8ccdf0d2642338faf2abb1862340facc796048b604ef14919e55ed", size = 147936, upload-time = "2025-10-14T04:41:14.461Z" }, - { url = "https://files.pythonhosted.org/packages/89/c5/adb8c8b3d6625bef6d88b251bbb0d95f8205831b987631ab0c8bb5d937c2/charset_normalizer-3.4.4-cp313-cp313-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:3162d5d8ce1bb98dd51af660f2121c55d0fa541b46dff7bb9b9f86ea1d87de72", size = 144180, upload-time = "2025-10-14T04:41:15.588Z" }, - { url = "https://files.pythonhosted.org/packages/91/ed/9706e4070682d1cc219050b6048bfd293ccf67b3d4f5a4f39207453d4b99/charset_normalizer-3.4.4-cp313-cp313-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:81d5eb2a312700f4ecaa977a8235b634ce853200e828fbadf3a9c50bab278328", size = 161346, upload-time = "2025-10-14T04:41:16.738Z" }, - { url = "https://files.pythonhosted.org/packages/d5/0d/031f0d95e4972901a2f6f09ef055751805ff541511dc1252ba3ca1f80cf5/charset_normalizer-3.4.4-cp313-cp313-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:5bd2293095d766545ec1a8f612559f6b40abc0eb18bb2f5d1171872d34036ede", size = 158874, upload-time = "2025-10-14T04:41:17.923Z" }, - { url = "https://files.pythonhosted.org/packages/f5/83/6ab5883f57c9c801ce5e5677242328aa45592be8a00644310a008d04f922/charset_normalizer-3.4.4-cp313-cp313-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:a8a8b89589086a25749f471e6a900d3f662d1d3b6e2e59dcecf787b1cc3a1894", size = 153076, upload-time = "2025-10-14T04:41:19.106Z" }, - { url = "https://files.pythonhosted.org/packages/75/1e/5ff781ddf5260e387d6419959ee89ef13878229732732ee73cdae01800f2/charset_normalizer-3.4.4-cp313-cp313-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:bc7637e2f80d8530ee4a78e878bce464f70087ce73cf7c1caf142416923b98f1", size = 150601, upload-time = "2025-10-14T04:41:20.245Z" }, - { url = "https://files.pythonhosted.org/packages/d7/57/71be810965493d3510a6ca79b90c19e48696fb1ff964da319334b12677f0/charset_normalizer-3.4.4-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:f8bf04158c6b607d747e93949aa60618b61312fe647a6369f88ce2ff16043490", size = 150376, upload-time = "2025-10-14T04:41:21.398Z" }, - { url = "https://files.pythonhosted.org/packages/e5/d5/c3d057a78c181d007014feb7e9f2e65905a6c4ef182c0ddf0de2924edd65/charset_normalizer-3.4.4-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:554af85e960429cf30784dd47447d5125aaa3b99a6f0683589dbd27e2f45da44", size = 144825, upload-time = "2025-10-14T04:41:22.583Z" }, - { url = "https://files.pythonhosted.org/packages/e6/8c/d0406294828d4976f275ffbe66f00266c4b3136b7506941d87c00cab5272/charset_normalizer-3.4.4-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:74018750915ee7ad843a774364e13a3db91682f26142baddf775342c3f5b1133", size = 162583, upload-time = "2025-10-14T04:41:23.754Z" }, - { url = "https://files.pythonhosted.org/packages/d7/24/e2aa1f18c8f15c4c0e932d9287b8609dd30ad56dbe41d926bd846e22fb8d/charset_normalizer-3.4.4-cp313-cp313-musllinux_1_2_riscv64.whl", hash = "sha256:c0463276121fdee9c49b98908b3a89c39be45d86d1dbaa22957e38f6321d4ce3", size = 150366, upload-time = "2025-10-14T04:41:25.27Z" }, - { url = "https://files.pythonhosted.org/packages/e4/5b/1e6160c7739aad1e2df054300cc618b06bf784a7a164b0f238360721ab86/charset_normalizer-3.4.4-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:362d61fd13843997c1c446760ef36f240cf81d3ebf74ac62652aebaf7838561e", size = 160300, upload-time = "2025-10-14T04:41:26.725Z" }, - { url = "https://files.pythonhosted.org/packages/7a/10/f882167cd207fbdd743e55534d5d9620e095089d176d55cb22d5322f2afd/charset_normalizer-3.4.4-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:9a26f18905b8dd5d685d6d07b0cdf98a79f3c7a918906af7cc143ea2e164c8bc", size = 154465, upload-time = "2025-10-14T04:41:28.322Z" }, - { url = "https://files.pythonhosted.org/packages/89/66/c7a9e1b7429be72123441bfdbaf2bc13faab3f90b933f664db506dea5915/charset_normalizer-3.4.4-cp313-cp313-win32.whl", hash = "sha256:9b35f4c90079ff2e2edc5b26c0c77925e5d2d255c42c74fdb70fb49b172726ac", size = 99404, upload-time = "2025-10-14T04:41:29.95Z" }, - { url = "https://files.pythonhosted.org/packages/c4/26/b9924fa27db384bdcd97ab83b4f0a8058d96ad9626ead570674d5e737d90/charset_normalizer-3.4.4-cp313-cp313-win_amd64.whl", hash = "sha256:b435cba5f4f750aa6c0a0d92c541fb79f69a387c91e61f1795227e4ed9cece14", size = 107092, upload-time = "2025-10-14T04:41:31.188Z" }, - { url = "https://files.pythonhosted.org/packages/af/8f/3ed4bfa0c0c72a7ca17f0380cd9e4dd842b09f664e780c13cff1dcf2ef1b/charset_normalizer-3.4.4-cp313-cp313-win_arm64.whl", hash = "sha256:542d2cee80be6f80247095cc36c418f7bddd14f4a6de45af91dfad36d817bba2", size = 100408, upload-time = "2025-10-14T04:41:32.624Z" }, - { url = "https://files.pythonhosted.org/packages/2a/35/7051599bd493e62411d6ede36fd5af83a38f37c4767b92884df7301db25d/charset_normalizer-3.4.4-cp314-cp314-macosx_10_13_universal2.whl", hash = "sha256:da3326d9e65ef63a817ecbcc0df6e94463713b754fe293eaa03da99befb9a5bd", size = 207746, upload-time = "2025-10-14T04:41:33.773Z" }, - { url = "https://files.pythonhosted.org/packages/10/9a/97c8d48ef10d6cd4fcead2415523221624bf58bcf68a802721a6bc807c8f/charset_normalizer-3.4.4-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:8af65f14dc14a79b924524b1e7fffe304517b2bff5a58bf64f30b98bbc5079eb", size = 147889, upload-time = "2025-10-14T04:41:34.897Z" }, - { url = "https://files.pythonhosted.org/packages/10/bf/979224a919a1b606c82bd2c5fa49b5c6d5727aa47b4312bb27b1734f53cd/charset_normalizer-3.4.4-cp314-cp314-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:74664978bb272435107de04e36db5a9735e78232b85b77d45cfb38f758efd33e", size = 143641, upload-time = "2025-10-14T04:41:36.116Z" }, - { url = "https://files.pythonhosted.org/packages/ba/33/0ad65587441fc730dc7bd90e9716b30b4702dc7b617e6ba4997dc8651495/charset_normalizer-3.4.4-cp314-cp314-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:752944c7ffbfdd10c074dc58ec2d5a8a4cd9493b314d367c14d24c17684ddd14", size = 160779, upload-time = "2025-10-14T04:41:37.229Z" }, - { url = "https://files.pythonhosted.org/packages/67/ed/331d6b249259ee71ddea93f6f2f0a56cfebd46938bde6fcc6f7b9a3d0e09/charset_normalizer-3.4.4-cp314-cp314-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:d1f13550535ad8cff21b8d757a3257963e951d96e20ec82ab44bc64aeb62a191", size = 159035, upload-time = "2025-10-14T04:41:38.368Z" }, - { url = "https://files.pythonhosted.org/packages/67/ff/f6b948ca32e4f2a4576aa129d8bed61f2e0543bf9f5f2b7fc3758ed005c9/charset_normalizer-3.4.4-cp314-cp314-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:ecaae4149d99b1c9e7b88bb03e3221956f68fd6d50be2ef061b2381b61d20838", size = 152542, upload-time = "2025-10-14T04:41:39.862Z" }, - { url = "https://files.pythonhosted.org/packages/16/85/276033dcbcc369eb176594de22728541a925b2632f9716428c851b149e83/charset_normalizer-3.4.4-cp314-cp314-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:cb6254dc36b47a990e59e1068afacdcd02958bdcce30bb50cc1700a8b9d624a6", size = 149524, upload-time = "2025-10-14T04:41:41.319Z" }, - { url = "https://files.pythonhosted.org/packages/9e/f2/6a2a1f722b6aba37050e626530a46a68f74e63683947a8acff92569f979a/charset_normalizer-3.4.4-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:c8ae8a0f02f57a6e61203a31428fa1d677cbe50c93622b4149d5c0f319c1d19e", size = 150395, upload-time = "2025-10-14T04:41:42.539Z" }, - { url = "https://files.pythonhosted.org/packages/60/bb/2186cb2f2bbaea6338cad15ce23a67f9b0672929744381e28b0592676824/charset_normalizer-3.4.4-cp314-cp314-musllinux_1_2_armv7l.whl", hash = "sha256:47cc91b2f4dd2833fddaedd2893006b0106129d4b94fdb6af1f4ce5a9965577c", size = 143680, upload-time = "2025-10-14T04:41:43.661Z" }, - { url = "https://files.pythonhosted.org/packages/7d/a5/bf6f13b772fbb2a90360eb620d52ed8f796f3c5caee8398c3b2eb7b1c60d/charset_normalizer-3.4.4-cp314-cp314-musllinux_1_2_ppc64le.whl", hash = "sha256:82004af6c302b5d3ab2cfc4cc5f29db16123b1a8417f2e25f9066f91d4411090", size = 162045, upload-time = "2025-10-14T04:41:44.821Z" }, - { url = "https://files.pythonhosted.org/packages/df/c5/d1be898bf0dc3ef9030c3825e5d3b83f2c528d207d246cbabe245966808d/charset_normalizer-3.4.4-cp314-cp314-musllinux_1_2_riscv64.whl", hash = "sha256:2b7d8f6c26245217bd2ad053761201e9f9680f8ce52f0fcd8d0755aeae5b2152", size = 149687, upload-time = "2025-10-14T04:41:46.442Z" }, - { url = "https://files.pythonhosted.org/packages/a5/42/90c1f7b9341eef50c8a1cb3f098ac43b0508413f33affd762855f67a410e/charset_normalizer-3.4.4-cp314-cp314-musllinux_1_2_s390x.whl", hash = "sha256:799a7a5e4fb2d5898c60b640fd4981d6a25f1c11790935a44ce38c54e985f828", size = 160014, upload-time = "2025-10-14T04:41:47.631Z" }, - { url = "https://files.pythonhosted.org/packages/76/be/4d3ee471e8145d12795ab655ece37baed0929462a86e72372fd25859047c/charset_normalizer-3.4.4-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:99ae2cffebb06e6c22bdc25801d7b30f503cc87dbd283479e7b606f70aff57ec", size = 154044, upload-time = "2025-10-14T04:41:48.81Z" }, - { url = "https://files.pythonhosted.org/packages/b0/6f/8f7af07237c34a1defe7defc565a9bc1807762f672c0fde711a4b22bf9c0/charset_normalizer-3.4.4-cp314-cp314-win32.whl", hash = "sha256:f9d332f8c2a2fcbffe1378594431458ddbef721c1769d78e2cbc06280d8155f9", size = 99940, upload-time = "2025-10-14T04:41:49.946Z" }, - { url = "https://files.pythonhosted.org/packages/4b/51/8ade005e5ca5b0d80fb4aff72a3775b325bdc3d27408c8113811a7cbe640/charset_normalizer-3.4.4-cp314-cp314-win_amd64.whl", hash = "sha256:8a6562c3700cce886c5be75ade4a5db4214fda19fede41d9792d100288d8f94c", size = 107104, upload-time = "2025-10-14T04:41:51.051Z" }, - { url = "https://files.pythonhosted.org/packages/da/5f/6b8f83a55bb8278772c5ae54a577f3099025f9ade59d0136ac24a0df4bde/charset_normalizer-3.4.4-cp314-cp314-win_arm64.whl", hash = "sha256:de00632ca48df9daf77a2c65a484531649261ec9f25489917f09e455cb09ddb2", size = 100743, upload-time = "2025-10-14T04:41:52.122Z" }, - { url = "https://files.pythonhosted.org/packages/0a/4c/925909008ed5a988ccbb72dcc897407e5d6d3bd72410d69e051fc0c14647/charset_normalizer-3.4.4-py3-none-any.whl", hash = "sha256:7a32c560861a02ff789ad905a2fe94e3f840803362c84fecf1851cb4cf3dc37f", size = 53402, upload-time = "2025-10-14T04:42:31.76Z" }, -] - -[[package]] -name = "click" -version = "8.3.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "colorama", marker = "sys_platform == 'win32' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/46/61/de6cd827efad202d7057d93e0fed9294b96952e188f7384832791c7b2254/click-8.3.0.tar.gz", hash = "sha256:e7b8232224eba16f4ebe410c25ced9f7875cb5f3263ffc93cc3e8da705e229c4", size = 276943, upload-time = "2025-09-18T17:32:23.696Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/db/d3/9dcc0f5797f070ec8edf30fbadfb200e71d9db6b84d211e3b2085a7589a0/click-8.3.0-py3-none-any.whl", hash = "sha256:9b9f285302c6e3064f4330c05f05b81945b2a39544279343e6e7c5f27a9baddc", size = 107295, upload-time = "2025-09-18T17:32:22.42Z" }, -] - -[[package]] -name = "cloudpickle" -version = "3.1.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/52/39/069100b84d7418bc358d81669d5748efb14b9cceacd2f9c75f550424132f/cloudpickle-3.1.1.tar.gz", hash = "sha256:b216fa8ae4019d5482a8ac3c95d8f6346115d8835911fd4aefd1a445e4242c64", size = 22113, upload-time = "2025-01-14T17:02:05.085Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/7e/e8/64c37fadfc2816a7701fa8a6ed8d87327c7d54eacfbfb6edab14a2f2be75/cloudpickle-3.1.1-py3-none-any.whl", hash = "sha256:c8c5a44295039331ee9dad40ba100a9c7297b6f988e50e87ccdf3765a668350e", size = 20992, upload-time = "2025-01-14T17:02:02.417Z" }, -] - -[[package]] -name = "cma" -version = "4.4.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "numpy" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/6b/b8/33083c988054b23c2df09f2b45f922410a86f60bd4be1ab36c74f72d753b/cma-4.4.0.tar.gz", hash = "sha256:de89664f2a8522c74e40e19d26be51380d41082ea2dcefbd5943e0d0d90bd92c", size = 292657, upload-time = "2025-09-20T20:40:32.441Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/1e/b4/b3c1258c014cb18fdc1920f08bada2eccb7a49e39b9f68c3552ec8acfadf/cma-4.4.0-py3-none-any.whl", hash = "sha256:46da7f95056b02496f4117269026dce3953ef0ae89717267540566effb85b052", size = 303789, upload-time = "2025-09-20T20:40:26.583Z" }, -] - -[[package]] -name = "colorama" -version = "0.4.6" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/d8/53/6f443c9a4a8358a93a6792e2acffb9d9d5cb0a5cfd8802644b7b1c9a02e4/colorama-0.4.6.tar.gz", hash = "sha256:08695f5cb7ed6e0531a20572697297273c47b8cae5a63ffc6d6ed5c201be6e44", size = 27697, upload-time = "2022-10-25T02:36:22.414Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/d1/d6/3965ed04c63042e047cb6a3e6ed1a63a35087b6a609aa3a15ed8ac56c221/colorama-0.4.6-py2.py3-none-any.whl", hash = "sha256:4f1d9991f5acc0ca119f9d443620b77f9d6b33703e51011c16baf57afb285fc6", size = 25335, upload-time = "2022-10-25T02:36:20.889Z" }, -] - -[[package]] -name = "comet-ml" -version = "3.53.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "dulwich" }, - { name = "everett", extra = ["ini"] }, - { name = "jsonschema" }, - { name = "psutil" }, - { name = "python-box" }, - { name = "requests" }, - { name = "requests-toolbelt" }, - { name = "rich" }, - { name = "semantic-version" }, - { name = "sentry-sdk" }, - { name = "setuptools", marker = "python_full_version >= '3.12' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "simplejson" }, - { name = "urllib3" }, - { name = "wrapt" }, - { name = "wurlitzer" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/84/6c/9101ef6d1f1c1272749b4692879d6ad24f37970488a9f6ed382dbec0b15f/comet_ml-3.53.2.tar.gz", hash = "sha256:f0e11cb82efd29fe024c2c4a93320c95ef73a61dbb52f13d7f53f75add3f7863", size = 566686, upload-time = "2025-10-15T12:34:51.531Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/8f/cc/8a192f6ca07c565b2954a985ced0f34abd7f66d1a556888499170f542734/comet_ml-3.53.2-py3-none-any.whl", hash = "sha256:34ac4dad20231d0b00295dd1746f27846e03cc1c08085141159d708ad1092b28", size = 766488, upload-time = "2025-10-15T12:34:49.975Z" }, -] - -[[package]] -name = "comm" -version = "0.2.3" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/4c/13/7d740c5849255756bc17888787313b61fd38a0a8304fc4f073dfc46122aa/comm-0.2.3.tar.gz", hash = "sha256:2dc8048c10962d55d7ad693be1e7045d891b7ce8d999c97963a5e3e99c055971", size = 6319, upload-time = "2025-07-25T14:02:04.452Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/60/97/891a0971e1e4a8c5d2b20bbe0e524dc04548d2307fee33cdeba148fd4fc7/comm-0.2.3-py3-none-any.whl", hash = "sha256:c615d91d75f7f04f095b30d1c1711babd43bdc6419c1be9886a85f2f4e489417", size = 7294, upload-time = "2025-07-25T14:02:02.896Z" }, -] - -[[package]] -name = "commitizen" -version = "4.9.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "argcomplete" }, - { name = "charset-normalizer" }, - { name = "colorama" }, - { name = "decli" }, - { name = "deprecated" }, - { name = "jinja2" }, - { name = "packaging" }, - { name = "prompt-toolkit" }, - { name = "pyyaml" }, - { name = "questionary" }, - { name = "termcolor" }, - { name = "tomlkit" }, - { name = "typing-extensions", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/77/19/927ac5b0eabb9451e2d5bb45b30813915c9a1260713b5b68eeb31358ea23/commitizen-4.9.1.tar.gz", hash = "sha256:b076b24657718f7a35b1068f2083bd39b4065d250164a1398d1dac235c51753b", size = 56610, upload-time = "2025-09-10T14:19:33.746Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/cf/49/577035b841442fe031b017027c3d99278b46104d227f0353c69dbbe55148/commitizen-4.9.1-py3-none-any.whl", hash = "sha256:4241b2ecae97b8109af8e587c36bc3b805a09b9a311084d159098e12d6ead497", size = 80624, upload-time = "2025-09-10T14:19:32.102Z" }, -] - -[[package]] -name = "configobj" -version = "5.0.9" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f5/c4/c7f9e41bc2e5f8eeae4a08a01c91b2aea3dfab40a3e14b25e87e7db8d501/configobj-5.0.9.tar.gz", hash = "sha256:03c881bbf23aa07bccf1b837005975993c4ab4427ba57f959afdd9d1a2386848", size = 101518, upload-time = "2024-09-21T12:47:46.315Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/a6/c4/0679472c60052c27efa612b4cd3ddd2a23e885dcdc73461781d2c802d39e/configobj-5.0.9-py2.py3-none-any.whl", hash = "sha256:1ba10c5b6ee16229c79a05047aeda2b55eb4e80d7c7d8ecf17ec1ca600c79882", size = 35615, upload-time = "2024-11-26T14:03:32.972Z" }, -] - -[[package]] -name = "contourpy" -version = "1.3.2" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", -] -dependencies = [ - { name = "numpy", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/66/54/eb9bfc647b19f2009dd5c7f5ec51c4e6ca831725f1aea7a993034f483147/contourpy-1.3.2.tar.gz", hash = "sha256:b6945942715a034c671b7fc54f9588126b0b8bf23db2696e3ca8328f3ff0ab54", size = 13466130, upload-time = "2025-04-15T17:47:53.79Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/12/a3/da4153ec8fe25d263aa48c1a4cbde7f49b59af86f0b6f7862788c60da737/contourpy-1.3.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:ba38e3f9f330af820c4b27ceb4b9c7feee5fe0493ea53a8720f4792667465934", size = 268551, upload-time = "2025-04-15T17:34:46.581Z" }, - { url = "https://files.pythonhosted.org/packages/2f/6c/330de89ae1087eb622bfca0177d32a7ece50c3ef07b28002de4757d9d875/contourpy-1.3.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:dc41ba0714aa2968d1f8674ec97504a8f7e334f48eeacebcaa6256213acb0989", size = 253399, upload-time = "2025-04-15T17:34:51.427Z" }, - { url = "https://files.pythonhosted.org/packages/c1/bd/20c6726b1b7f81a8bee5271bed5c165f0a8e1f572578a9d27e2ccb763cb2/contourpy-1.3.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9be002b31c558d1ddf1b9b415b162c603405414bacd6932d031c5b5a8b757f0d", size = 312061, upload-time = "2025-04-15T17:34:55.961Z" }, - { url = "https://files.pythonhosted.org/packages/22/fc/a9665c88f8a2473f823cf1ec601de9e5375050f1958cbb356cdf06ef1ab6/contourpy-1.3.2-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8d2e74acbcba3bfdb6d9d8384cdc4f9260cae86ed9beee8bd5f54fee49a430b9", size = 351956, upload-time = "2025-04-15T17:35:00.992Z" }, - { url = "https://files.pythonhosted.org/packages/25/eb/9f0a0238f305ad8fb7ef42481020d6e20cf15e46be99a1fcf939546a177e/contourpy-1.3.2-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e259bced5549ac64410162adc973c5e2fb77f04df4a439d00b478e57a0e65512", size = 320872, upload-time = "2025-04-15T17:35:06.177Z" }, - { url = "https://files.pythonhosted.org/packages/32/5c/1ee32d1c7956923202f00cf8d2a14a62ed7517bdc0ee1e55301227fc273c/contourpy-1.3.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ad687a04bc802cbe8b9c399c07162a3c35e227e2daccf1668eb1f278cb698631", size = 325027, upload-time = "2025-04-15T17:35:11.244Z" }, - { url = "https://files.pythonhosted.org/packages/83/bf/9baed89785ba743ef329c2b07fd0611d12bfecbedbdd3eeecf929d8d3b52/contourpy-1.3.2-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:cdd22595308f53ef2f891040ab2b93d79192513ffccbd7fe19be7aa773a5e09f", size = 1306641, upload-time = "2025-04-15T17:35:26.701Z" }, - { url = "https://files.pythonhosted.org/packages/d4/cc/74e5e83d1e35de2d28bd97033426b450bc4fd96e092a1f7a63dc7369b55d/contourpy-1.3.2-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:b4f54d6a2defe9f257327b0f243612dd051cc43825587520b1bf74a31e2f6ef2", size = 1374075, upload-time = "2025-04-15T17:35:43.204Z" }, - { url = "https://files.pythonhosted.org/packages/0c/42/17f3b798fd5e033b46a16f8d9fcb39f1aba051307f5ebf441bad1ecf78f8/contourpy-1.3.2-cp310-cp310-win32.whl", hash = "sha256:f939a054192ddc596e031e50bb13b657ce318cf13d264f095ce9db7dc6ae81c0", size = 177534, upload-time = "2025-04-15T17:35:46.554Z" }, - { url = "https://files.pythonhosted.org/packages/54/ec/5162b8582f2c994721018d0c9ece9dc6ff769d298a8ac6b6a652c307e7df/contourpy-1.3.2-cp310-cp310-win_amd64.whl", hash = "sha256:c440093bbc8fc21c637c03bafcbef95ccd963bc6e0514ad887932c18ca2a759a", size = 221188, upload-time = "2025-04-15T17:35:50.064Z" }, - { url = "https://files.pythonhosted.org/packages/b3/b9/ede788a0b56fc5b071639d06c33cb893f68b1178938f3425debebe2dab78/contourpy-1.3.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:6a37a2fb93d4df3fc4c0e363ea4d16f83195fc09c891bc8ce072b9d084853445", size = 269636, upload-time = "2025-04-15T17:35:54.473Z" }, - { url = "https://files.pythonhosted.org/packages/e6/75/3469f011d64b8bbfa04f709bfc23e1dd71be54d05b1b083be9f5b22750d1/contourpy-1.3.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:b7cd50c38f500bbcc9b6a46643a40e0913673f869315d8e70de0438817cb7773", size = 254636, upload-time = "2025-04-15T17:35:58.283Z" }, - { url = "https://files.pythonhosted.org/packages/8d/2f/95adb8dae08ce0ebca4fd8e7ad653159565d9739128b2d5977806656fcd2/contourpy-1.3.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d6658ccc7251a4433eebd89ed2672c2ed96fba367fd25ca9512aa92a4b46c4f1", size = 313053, upload-time = "2025-04-15T17:36:03.235Z" }, - { url = "https://files.pythonhosted.org/packages/c3/a6/8ccf97a50f31adfa36917707fe39c9a0cbc24b3bbb58185577f119736cc9/contourpy-1.3.2-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:70771a461aaeb335df14deb6c97439973d253ae70660ca085eec25241137ef43", size = 352985, upload-time = "2025-04-15T17:36:08.275Z" }, - { url = "https://files.pythonhosted.org/packages/1d/b6/7925ab9b77386143f39d9c3243fdd101621b4532eb126743201160ffa7e6/contourpy-1.3.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:65a887a6e8c4cd0897507d814b14c54a8c2e2aa4ac9f7686292f9769fcf9a6ab", size = 323750, upload-time = "2025-04-15T17:36:13.29Z" }, - { url = "https://files.pythonhosted.org/packages/c2/f3/20c5d1ef4f4748e52d60771b8560cf00b69d5c6368b5c2e9311bcfa2a08b/contourpy-1.3.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3859783aefa2b8355697f16642695a5b9792e7a46ab86da1118a4a23a51a33d7", size = 326246, upload-time = "2025-04-15T17:36:18.329Z" }, - { url = "https://files.pythonhosted.org/packages/8c/e5/9dae809e7e0b2d9d70c52b3d24cba134dd3dad979eb3e5e71f5df22ed1f5/contourpy-1.3.2-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:eab0f6db315fa4d70f1d8ab514e527f0366ec021ff853d7ed6a2d33605cf4b83", size = 1308728, upload-time = "2025-04-15T17:36:33.878Z" }, - { url = "https://files.pythonhosted.org/packages/e2/4a/0058ba34aeea35c0b442ae61a4f4d4ca84d6df8f91309bc2d43bb8dd248f/contourpy-1.3.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:d91a3ccc7fea94ca0acab82ceb77f396d50a1f67412efe4c526f5d20264e6ecd", size = 1375762, upload-time = "2025-04-15T17:36:51.295Z" }, - { url = "https://files.pythonhosted.org/packages/09/33/7174bdfc8b7767ef2c08ed81244762d93d5c579336fc0b51ca57b33d1b80/contourpy-1.3.2-cp311-cp311-win32.whl", hash = "sha256:1c48188778d4d2f3d48e4643fb15d8608b1d01e4b4d6b0548d9b336c28fc9b6f", size = 178196, upload-time = "2025-04-15T17:36:55.002Z" }, - { url = "https://files.pythonhosted.org/packages/5e/fe/4029038b4e1c4485cef18e480b0e2cd2d755448bb071eb9977caac80b77b/contourpy-1.3.2-cp311-cp311-win_amd64.whl", hash = "sha256:5ebac872ba09cb8f2131c46b8739a7ff71de28a24c869bcad554477eb089a878", size = 222017, upload-time = "2025-04-15T17:36:58.576Z" }, - { url = "https://files.pythonhosted.org/packages/34/f7/44785876384eff370c251d58fd65f6ad7f39adce4a093c934d4a67a7c6b6/contourpy-1.3.2-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:4caf2bcd2969402bf77edc4cb6034c7dd7c0803213b3523f111eb7460a51b8d2", size = 271580, upload-time = "2025-04-15T17:37:03.105Z" }, - { url = "https://files.pythonhosted.org/packages/93/3b/0004767622a9826ea3d95f0e9d98cd8729015768075d61f9fea8eeca42a8/contourpy-1.3.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:82199cb78276249796419fe36b7386bd8d2cc3f28b3bc19fe2454fe2e26c4c15", size = 255530, upload-time = "2025-04-15T17:37:07.026Z" }, - { url = "https://files.pythonhosted.org/packages/e7/bb/7bd49e1f4fa805772d9fd130e0d375554ebc771ed7172f48dfcd4ca61549/contourpy-1.3.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:106fab697af11456fcba3e352ad50effe493a90f893fca6c2ca5c033820cea92", size = 307688, upload-time = "2025-04-15T17:37:11.481Z" }, - { url = "https://files.pythonhosted.org/packages/fc/97/e1d5dbbfa170725ef78357a9a0edc996b09ae4af170927ba8ce977e60a5f/contourpy-1.3.2-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d14f12932a8d620e307f715857107b1d1845cc44fdb5da2bc8e850f5ceba9f87", size = 347331, upload-time = "2025-04-15T17:37:18.212Z" }, - { url = "https://files.pythonhosted.org/packages/6f/66/e69e6e904f5ecf6901be3dd16e7e54d41b6ec6ae3405a535286d4418ffb4/contourpy-1.3.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:532fd26e715560721bb0d5fc7610fce279b3699b018600ab999d1be895b09415", size = 318963, upload-time = "2025-04-15T17:37:22.76Z" }, - { url = "https://files.pythonhosted.org/packages/a8/32/b8a1c8965e4f72482ff2d1ac2cd670ce0b542f203c8e1d34e7c3e6925da7/contourpy-1.3.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f26b383144cf2d2c29f01a1e8170f50dacf0eac02d64139dcd709a8ac4eb3cfe", size = 323681, upload-time = "2025-04-15T17:37:33.001Z" }, - { url = "https://files.pythonhosted.org/packages/30/c6/12a7e6811d08757c7162a541ca4c5c6a34c0f4e98ef2b338791093518e40/contourpy-1.3.2-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:c49f73e61f1f774650a55d221803b101d966ca0c5a2d6d5e4320ec3997489441", size = 1308674, upload-time = "2025-04-15T17:37:48.64Z" }, - { url = "https://files.pythonhosted.org/packages/2a/8a/bebe5a3f68b484d3a2b8ffaf84704b3e343ef1addea528132ef148e22b3b/contourpy-1.3.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:3d80b2c0300583228ac98d0a927a1ba6a2ba6b8a742463c564f1d419ee5b211e", size = 1380480, upload-time = "2025-04-15T17:38:06.7Z" }, - { url = "https://files.pythonhosted.org/packages/34/db/fcd325f19b5978fb509a7d55e06d99f5f856294c1991097534360b307cf1/contourpy-1.3.2-cp312-cp312-win32.whl", hash = "sha256:90df94c89a91b7362e1142cbee7568f86514412ab8a2c0d0fca72d7e91b62912", size = 178489, upload-time = "2025-04-15T17:38:10.338Z" }, - { url = "https://files.pythonhosted.org/packages/01/c8/fadd0b92ffa7b5eb5949bf340a63a4a496a6930a6c37a7ba0f12acb076d6/contourpy-1.3.2-cp312-cp312-win_amd64.whl", hash = "sha256:8c942a01d9163e2e5cfb05cb66110121b8d07ad438a17f9e766317bcb62abf73", size = 223042, upload-time = "2025-04-15T17:38:14.239Z" }, - { url = "https://files.pythonhosted.org/packages/2e/61/5673f7e364b31e4e7ef6f61a4b5121c5f170f941895912f773d95270f3a2/contourpy-1.3.2-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:de39db2604ae755316cb5967728f4bea92685884b1e767b7c24e983ef5f771cb", size = 271630, upload-time = "2025-04-15T17:38:19.142Z" }, - { url = "https://files.pythonhosted.org/packages/ff/66/a40badddd1223822c95798c55292844b7e871e50f6bfd9f158cb25e0bd39/contourpy-1.3.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:3f9e896f447c5c8618f1edb2bafa9a4030f22a575ec418ad70611450720b5b08", size = 255670, upload-time = "2025-04-15T17:38:23.688Z" }, - { url = "https://files.pythonhosted.org/packages/1e/c7/cf9fdee8200805c9bc3b148f49cb9482a4e3ea2719e772602a425c9b09f8/contourpy-1.3.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:71e2bd4a1c4188f5c2b8d274da78faab884b59df20df63c34f74aa1813c4427c", size = 306694, upload-time = "2025-04-15T17:38:28.238Z" }, - { url = "https://files.pythonhosted.org/packages/dd/e7/ccb9bec80e1ba121efbffad7f38021021cda5be87532ec16fd96533bb2e0/contourpy-1.3.2-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:de425af81b6cea33101ae95ece1f696af39446db9682a0b56daaa48cfc29f38f", size = 345986, upload-time = "2025-04-15T17:38:33.502Z" }, - { url = "https://files.pythonhosted.org/packages/dc/49/ca13bb2da90391fa4219fdb23b078d6065ada886658ac7818e5441448b78/contourpy-1.3.2-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:977e98a0e0480d3fe292246417239d2d45435904afd6d7332d8455981c408b85", size = 318060, upload-time = "2025-04-15T17:38:38.672Z" }, - { url = "https://files.pythonhosted.org/packages/c8/65/5245ce8c548a8422236c13ffcdcdada6a2a812c361e9e0c70548bb40b661/contourpy-1.3.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:434f0adf84911c924519d2b08fc10491dd282b20bdd3fa8f60fd816ea0b48841", size = 322747, upload-time = "2025-04-15T17:38:43.712Z" }, - { url = "https://files.pythonhosted.org/packages/72/30/669b8eb48e0a01c660ead3752a25b44fdb2e5ebc13a55782f639170772f9/contourpy-1.3.2-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:c66c4906cdbc50e9cba65978823e6e00b45682eb09adbb78c9775b74eb222422", size = 1308895, upload-time = "2025-04-15T17:39:00.224Z" }, - { url = "https://files.pythonhosted.org/packages/05/5a/b569f4250decee6e8d54498be7bdf29021a4c256e77fe8138c8319ef8eb3/contourpy-1.3.2-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:8b7fc0cd78ba2f4695fd0a6ad81a19e7e3ab825c31b577f384aa9d7817dc3bef", size = 1379098, upload-time = "2025-04-15T17:43:29.649Z" }, - { url = "https://files.pythonhosted.org/packages/19/ba/b227c3886d120e60e41b28740ac3617b2f2b971b9f601c835661194579f1/contourpy-1.3.2-cp313-cp313-win32.whl", hash = "sha256:15ce6ab60957ca74cff444fe66d9045c1fd3e92c8936894ebd1f3eef2fff075f", size = 178535, upload-time = "2025-04-15T17:44:44.532Z" }, - { url = "https://files.pythonhosted.org/packages/12/6e/2fed56cd47ca739b43e892707ae9a13790a486a3173be063681ca67d2262/contourpy-1.3.2-cp313-cp313-win_amd64.whl", hash = "sha256:e1578f7eafce927b168752ed7e22646dad6cd9bca673c60bff55889fa236ebf9", size = 223096, upload-time = "2025-04-15T17:44:48.194Z" }, - { url = "https://files.pythonhosted.org/packages/54/4c/e76fe2a03014a7c767d79ea35c86a747e9325537a8b7627e0e5b3ba266b4/contourpy-1.3.2-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:0475b1f6604896bc7c53bb070e355e9321e1bc0d381735421a2d2068ec56531f", size = 285090, upload-time = "2025-04-15T17:43:34.084Z" }, - { url = "https://files.pythonhosted.org/packages/7b/e2/5aba47debd55d668e00baf9651b721e7733975dc9fc27264a62b0dd26eb8/contourpy-1.3.2-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:c85bb486e9be652314bb5b9e2e3b0d1b2e643d5eec4992c0fbe8ac71775da739", size = 268643, upload-time = "2025-04-15T17:43:38.626Z" }, - { url = "https://files.pythonhosted.org/packages/a1/37/cd45f1f051fe6230f751cc5cdd2728bb3a203f5619510ef11e732109593c/contourpy-1.3.2-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:745b57db7758f3ffc05a10254edd3182a2a83402a89c00957a8e8a22f5582823", size = 310443, upload-time = "2025-04-15T17:43:44.522Z" }, - { url = "https://files.pythonhosted.org/packages/8b/a2/36ea6140c306c9ff6dd38e3bcec80b3b018474ef4d17eb68ceecd26675f4/contourpy-1.3.2-cp313-cp313t-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:970e9173dbd7eba9b4e01aab19215a48ee5dd3f43cef736eebde064a171f89a5", size = 349865, upload-time = "2025-04-15T17:43:49.545Z" }, - { url = "https://files.pythonhosted.org/packages/95/b7/2fc76bc539693180488f7b6cc518da7acbbb9e3b931fd9280504128bf956/contourpy-1.3.2-cp313-cp313t-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c6c4639a9c22230276b7bffb6a850dfc8258a2521305e1faefe804d006b2e532", size = 321162, upload-time = "2025-04-15T17:43:54.203Z" }, - { url = "https://files.pythonhosted.org/packages/f4/10/76d4f778458b0aa83f96e59d65ece72a060bacb20cfbee46cf6cd5ceba41/contourpy-1.3.2-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cc829960f34ba36aad4302e78eabf3ef16a3a100863f0d4eeddf30e8a485a03b", size = 327355, upload-time = "2025-04-15T17:44:01.025Z" }, - { url = "https://files.pythonhosted.org/packages/43/a3/10cf483ea683f9f8ab096c24bad3cce20e0d1dd9a4baa0e2093c1c962d9d/contourpy-1.3.2-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:d32530b534e986374fc19eaa77fcb87e8a99e5431499949b828312bdcd20ac52", size = 1307935, upload-time = "2025-04-15T17:44:17.322Z" }, - { url = "https://files.pythonhosted.org/packages/78/73/69dd9a024444489e22d86108e7b913f3528f56cfc312b5c5727a44188471/contourpy-1.3.2-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:e298e7e70cf4eb179cc1077be1c725b5fd131ebc81181bf0c03525c8abc297fd", size = 1372168, upload-time = "2025-04-15T17:44:33.43Z" }, - { url = "https://files.pythonhosted.org/packages/0f/1b/96d586ccf1b1a9d2004dd519b25fbf104a11589abfd05484ff12199cca21/contourpy-1.3.2-cp313-cp313t-win32.whl", hash = "sha256:d0e589ae0d55204991450bb5c23f571c64fe43adaa53f93fc902a84c96f52fe1", size = 189550, upload-time = "2025-04-15T17:44:37.092Z" }, - { url = "https://files.pythonhosted.org/packages/b0/e6/6000d0094e8a5e32ad62591c8609e269febb6e4db83a1c75ff8868b42731/contourpy-1.3.2-cp313-cp313t-win_amd64.whl", hash = "sha256:78e9253c3de756b3f6a5174d024c4835acd59eb3f8e2ca13e775dbffe1558f69", size = 238214, upload-time = "2025-04-15T17:44:40.827Z" }, - { url = "https://files.pythonhosted.org/packages/33/05/b26e3c6ecc05f349ee0013f0bb850a761016d89cec528a98193a48c34033/contourpy-1.3.2-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:fd93cc7f3139b6dd7aab2f26a90dde0aa9fc264dbf70f6740d498a70b860b82c", size = 265681, upload-time = "2025-04-15T17:44:59.314Z" }, - { url = "https://files.pythonhosted.org/packages/2b/25/ac07d6ad12affa7d1ffed11b77417d0a6308170f44ff20fa1d5aa6333f03/contourpy-1.3.2-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:107ba8a6a7eec58bb475329e6d3b95deba9440667c4d62b9b6063942b61d7f16", size = 315101, upload-time = "2025-04-15T17:45:04.165Z" }, - { url = "https://files.pythonhosted.org/packages/8f/4d/5bb3192bbe9d3f27e3061a6a8e7733c9120e203cb8515767d30973f71030/contourpy-1.3.2-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:ded1706ed0c1049224531b81128efbd5084598f18d8a2d9efae833edbd2b40ad", size = 220599, upload-time = "2025-04-15T17:45:08.456Z" }, - { url = "https://files.pythonhosted.org/packages/ff/c0/91f1215d0d9f9f343e4773ba6c9b89e8c0cc7a64a6263f21139da639d848/contourpy-1.3.2-pp311-pypy311_pp73-macosx_10_15_x86_64.whl", hash = "sha256:5f5964cdad279256c084b69c3f412b7801e15356b16efa9d78aa974041903da0", size = 266807, upload-time = "2025-04-15T17:45:15.535Z" }, - { url = "https://files.pythonhosted.org/packages/d4/79/6be7e90c955c0487e7712660d6cead01fa17bff98e0ea275737cc2bc8e71/contourpy-1.3.2-pp311-pypy311_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:49b65a95d642d4efa8f64ba12558fcb83407e58a2dfba9d796d77b63ccfcaff5", size = 318729, upload-time = "2025-04-15T17:45:20.166Z" }, - { url = "https://files.pythonhosted.org/packages/87/68/7f46fb537958e87427d98a4074bcde4b67a70b04900cfc5ce29bc2f556c1/contourpy-1.3.2-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:8c5acb8dddb0752bf252e01a3035b21443158910ac16a3b0d20e7fed7d534ce5", size = 221791, upload-time = "2025-04-15T17:45:24.794Z" }, -] - -[[package]] -name = "contourpy" -version = "1.3.3" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version >= '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.14.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", -] -dependencies = [ - { name = "numpy", marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/58/01/1253e6698a07380cd31a736d248a3f2a50a7c88779a1813da27503cadc2a/contourpy-1.3.3.tar.gz", hash = "sha256:083e12155b210502d0bca491432bb04d56dc3432f95a979b429f2848c3dbe880", size = 13466174, upload-time = "2025-07-26T12:03:12.549Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/91/2e/c4390a31919d8a78b90e8ecf87cd4b4c4f05a5b48d05ec17db8e5404c6f4/contourpy-1.3.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:709a48ef9a690e1343202916450bc48b9e51c049b089c7f79a267b46cffcdaa1", size = 288773, upload-time = "2025-07-26T12:01:02.277Z" }, - { url = "https://files.pythonhosted.org/packages/0d/44/c4b0b6095fef4dc9c420e041799591e3b63e9619e3044f7f4f6c21c0ab24/contourpy-1.3.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:23416f38bfd74d5d28ab8429cc4d63fa67d5068bd711a85edb1c3fb0c3e2f381", size = 270149, upload-time = "2025-07-26T12:01:04.072Z" }, - { url = "https://files.pythonhosted.org/packages/30/2e/dd4ced42fefac8470661d7cb7e264808425e6c5d56d175291e93890cce09/contourpy-1.3.3-cp311-cp311-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:929ddf8c4c7f348e4c0a5a3a714b5c8542ffaa8c22954862a46ca1813b667ee7", size = 329222, upload-time = "2025-07-26T12:01:05.688Z" }, - { url = "https://files.pythonhosted.org/packages/f2/74/cc6ec2548e3d276c71389ea4802a774b7aa3558223b7bade3f25787fafc2/contourpy-1.3.3-cp311-cp311-manylinux_2_26_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:9e999574eddae35f1312c2b4b717b7885d4edd6cb46700e04f7f02db454e67c1", size = 377234, upload-time = "2025-07-26T12:01:07.054Z" }, - { url = "https://files.pythonhosted.org/packages/03/b3/64ef723029f917410f75c09da54254c5f9ea90ef89b143ccadb09df14c15/contourpy-1.3.3-cp311-cp311-manylinux_2_26_s390x.manylinux_2_28_s390x.whl", hash = "sha256:0bf67e0e3f482cb69779dd3061b534eb35ac9b17f163d851e2a547d56dba0a3a", size = 380555, upload-time = "2025-07-26T12:01:08.801Z" }, - { url = "https://files.pythonhosted.org/packages/5f/4b/6157f24ca425b89fe2eb7e7be642375711ab671135be21e6faa100f7448c/contourpy-1.3.3-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:51e79c1f7470158e838808d4a996fa9bac72c498e93d8ebe5119bc1e6becb0db", size = 355238, upload-time = "2025-07-26T12:01:10.319Z" }, - { url = "https://files.pythonhosted.org/packages/98/56/f914f0dd678480708a04cfd2206e7c382533249bc5001eb9f58aa693e200/contourpy-1.3.3-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:598c3aaece21c503615fd59c92a3598b428b2f01bfb4b8ca9c4edeecc2438620", size = 1326218, upload-time = "2025-07-26T12:01:12.659Z" }, - { url = "https://files.pythonhosted.org/packages/fb/d7/4a972334a0c971acd5172389671113ae82aa7527073980c38d5868ff1161/contourpy-1.3.3-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:322ab1c99b008dad206d406bb61d014cf0174df491ae9d9d0fac6a6fda4f977f", size = 1392867, upload-time = "2025-07-26T12:01:15.533Z" }, - { url = "https://files.pythonhosted.org/packages/75/3e/f2cc6cd56dc8cff46b1a56232eabc6feea52720083ea71ab15523daab796/contourpy-1.3.3-cp311-cp311-win32.whl", hash = "sha256:fd907ae12cd483cd83e414b12941c632a969171bf90fc937d0c9f268a31cafff", size = 183677, upload-time = "2025-07-26T12:01:17.088Z" }, - { url = "https://files.pythonhosted.org/packages/98/4b/9bd370b004b5c9d8045c6c33cf65bae018b27aca550a3f657cdc99acdbd8/contourpy-1.3.3-cp311-cp311-win_amd64.whl", hash = "sha256:3519428f6be58431c56581f1694ba8e50626f2dd550af225f82fb5f5814d2a42", size = 225234, upload-time = "2025-07-26T12:01:18.256Z" }, - { url = "https://files.pythonhosted.org/packages/d9/b6/71771e02c2e004450c12b1120a5f488cad2e4d5b590b1af8bad060360fe4/contourpy-1.3.3-cp311-cp311-win_arm64.whl", hash = "sha256:15ff10bfada4bf92ec8b31c62bf7c1834c244019b4a33095a68000d7075df470", size = 193123, upload-time = "2025-07-26T12:01:19.848Z" }, - { url = "https://files.pythonhosted.org/packages/be/45/adfee365d9ea3d853550b2e735f9d66366701c65db7855cd07621732ccfc/contourpy-1.3.3-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:b08a32ea2f8e42cf1d4be3169a98dd4be32bafe4f22b6c4cb4ba810fa9e5d2cb", size = 293419, upload-time = "2025-07-26T12:01:21.16Z" }, - { url = "https://files.pythonhosted.org/packages/53/3e/405b59cfa13021a56bba395a6b3aca8cec012b45bf177b0eaf7a202cde2c/contourpy-1.3.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:556dba8fb6f5d8742f2923fe9457dbdd51e1049c4a43fd3986a0b14a1d815fc6", size = 273979, upload-time = "2025-07-26T12:01:22.448Z" }, - { url = "https://files.pythonhosted.org/packages/d4/1c/a12359b9b2ca3a845e8f7f9ac08bdf776114eb931392fcad91743e2ea17b/contourpy-1.3.3-cp312-cp312-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:92d9abc807cf7d0e047b95ca5d957cf4792fcd04e920ca70d48add15c1a90ea7", size = 332653, upload-time = "2025-07-26T12:01:24.155Z" }, - { url = "https://files.pythonhosted.org/packages/63/12/897aeebfb475b7748ea67b61e045accdfcf0d971f8a588b67108ed7f5512/contourpy-1.3.3-cp312-cp312-manylinux_2_26_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:b2e8faa0ed68cb29af51edd8e24798bb661eac3bd9f65420c1887b6ca89987c8", size = 379536, upload-time = "2025-07-26T12:01:25.91Z" }, - { url = "https://files.pythonhosted.org/packages/43/8a/a8c584b82deb248930ce069e71576fc09bd7174bbd35183b7943fb1064fd/contourpy-1.3.3-cp312-cp312-manylinux_2_26_s390x.manylinux_2_28_s390x.whl", hash = "sha256:626d60935cf668e70a5ce6ff184fd713e9683fb458898e4249b63be9e28286ea", size = 384397, upload-time = "2025-07-26T12:01:27.152Z" }, - { url = "https://files.pythonhosted.org/packages/cc/8f/ec6289987824b29529d0dfda0d74a07cec60e54b9c92f3c9da4c0ac732de/contourpy-1.3.3-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:4d00e655fcef08aba35ec9610536bfe90267d7ab5ba944f7032549c55a146da1", size = 362601, upload-time = "2025-07-26T12:01:28.808Z" }, - { url = "https://files.pythonhosted.org/packages/05/0a/a3fe3be3ee2dceb3e615ebb4df97ae6f3828aa915d3e10549ce016302bd1/contourpy-1.3.3-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:451e71b5a7d597379ef572de31eeb909a87246974d960049a9848c3bc6c41bf7", size = 1331288, upload-time = "2025-07-26T12:01:31.198Z" }, - { url = "https://files.pythonhosted.org/packages/33/1d/acad9bd4e97f13f3e2b18a3977fe1b4a37ecf3d38d815333980c6c72e963/contourpy-1.3.3-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:459c1f020cd59fcfe6650180678a9993932d80d44ccde1fa1868977438f0b411", size = 1403386, upload-time = "2025-07-26T12:01:33.947Z" }, - { url = "https://files.pythonhosted.org/packages/cf/8f/5847f44a7fddf859704217a99a23a4f6417b10e5ab1256a179264561540e/contourpy-1.3.3-cp312-cp312-win32.whl", hash = "sha256:023b44101dfe49d7d53932be418477dba359649246075c996866106da069af69", size = 185018, upload-time = "2025-07-26T12:01:35.64Z" }, - { url = "https://files.pythonhosted.org/packages/19/e8/6026ed58a64563186a9ee3f29f41261fd1828f527dd93d33b60feca63352/contourpy-1.3.3-cp312-cp312-win_amd64.whl", hash = "sha256:8153b8bfc11e1e4d75bcb0bff1db232f9e10b274e0929de9d608027e0d34ff8b", size = 226567, upload-time = "2025-07-26T12:01:36.804Z" }, - { url = "https://files.pythonhosted.org/packages/d1/e2/f05240d2c39a1ed228d8328a78b6f44cd695f7ef47beb3e684cf93604f86/contourpy-1.3.3-cp312-cp312-win_arm64.whl", hash = "sha256:07ce5ed73ecdc4a03ffe3e1b3e3c1166db35ae7584be76f65dbbe28a7791b0cc", size = 193655, upload-time = "2025-07-26T12:01:37.999Z" }, - { url = "https://files.pythonhosted.org/packages/68/35/0167aad910bbdb9599272bd96d01a9ec6852f36b9455cf2ca67bd4cc2d23/contourpy-1.3.3-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:177fb367556747a686509d6fef71d221a4b198a3905fe824430e5ea0fda54eb5", size = 293257, upload-time = "2025-07-26T12:01:39.367Z" }, - { url = "https://files.pythonhosted.org/packages/96/e4/7adcd9c8362745b2210728f209bfbcf7d91ba868a2c5f40d8b58f54c509b/contourpy-1.3.3-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:d002b6f00d73d69333dac9d0b8d5e84d9724ff9ef044fd63c5986e62b7c9e1b1", size = 274034, upload-time = "2025-07-26T12:01:40.645Z" }, - { url = "https://files.pythonhosted.org/packages/73/23/90e31ceeed1de63058a02cb04b12f2de4b40e3bef5e082a7c18d9c8ae281/contourpy-1.3.3-cp313-cp313-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:348ac1f5d4f1d66d3322420f01d42e43122f43616e0f194fc1c9f5d830c5b286", size = 334672, upload-time = "2025-07-26T12:01:41.942Z" }, - { url = "https://files.pythonhosted.org/packages/ed/93/b43d8acbe67392e659e1d984700e79eb67e2acb2bd7f62012b583a7f1b55/contourpy-1.3.3-cp313-cp313-manylinux_2_26_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:655456777ff65c2c548b7c454af9c6f33f16c8884f11083244b5819cc214f1b5", size = 381234, upload-time = "2025-07-26T12:01:43.499Z" }, - { url = "https://files.pythonhosted.org/packages/46/3b/bec82a3ea06f66711520f75a40c8fc0b113b2a75edb36aa633eb11c4f50f/contourpy-1.3.3-cp313-cp313-manylinux_2_26_s390x.manylinux_2_28_s390x.whl", hash = "sha256:644a6853d15b2512d67881586bd03f462c7ab755db95f16f14d7e238f2852c67", size = 385169, upload-time = "2025-07-26T12:01:45.219Z" }, - { url = "https://files.pythonhosted.org/packages/4b/32/e0f13a1c5b0f8572d0ec6ae2f6c677b7991fafd95da523159c19eff0696a/contourpy-1.3.3-cp313-cp313-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:4debd64f124ca62069f313a9cb86656ff087786016d76927ae2cf37846b006c9", size = 362859, upload-time = "2025-07-26T12:01:46.519Z" }, - { url = "https://files.pythonhosted.org/packages/33/71/e2a7945b7de4e58af42d708a219f3b2f4cff7386e6b6ab0a0fa0033c49a9/contourpy-1.3.3-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:a15459b0f4615b00bbd1e91f1b9e19b7e63aea7483d03d804186f278c0af2659", size = 1332062, upload-time = "2025-07-26T12:01:48.964Z" }, - { url = "https://files.pythonhosted.org/packages/12/fc/4e87ac754220ccc0e807284f88e943d6d43b43843614f0a8afa469801db0/contourpy-1.3.3-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:ca0fdcd73925568ca027e0b17ab07aad764be4706d0a925b89227e447d9737b7", size = 1403932, upload-time = "2025-07-26T12:01:51.979Z" }, - { url = "https://files.pythonhosted.org/packages/a6/2e/adc197a37443f934594112222ac1aa7dc9a98faf9c3842884df9a9d8751d/contourpy-1.3.3-cp313-cp313-win32.whl", hash = "sha256:b20c7c9a3bf701366556e1b1984ed2d0cedf999903c51311417cf5f591d8c78d", size = 185024, upload-time = "2025-07-26T12:01:53.245Z" }, - { url = "https://files.pythonhosted.org/packages/18/0b/0098c214843213759692cc638fce7de5c289200a830e5035d1791d7a2338/contourpy-1.3.3-cp313-cp313-win_amd64.whl", hash = "sha256:1cadd8b8969f060ba45ed7c1b714fe69185812ab43bd6b86a9123fe8f99c3263", size = 226578, upload-time = "2025-07-26T12:01:54.422Z" }, - { url = "https://files.pythonhosted.org/packages/8a/9a/2f6024a0c5995243cd63afdeb3651c984f0d2bc727fd98066d40e141ad73/contourpy-1.3.3-cp313-cp313-win_arm64.whl", hash = "sha256:fd914713266421b7536de2bfa8181aa8c699432b6763a0ea64195ebe28bff6a9", size = 193524, upload-time = "2025-07-26T12:01:55.73Z" }, - { url = "https://files.pythonhosted.org/packages/c0/b3/f8a1a86bd3298513f500e5b1f5fd92b69896449f6cab6a146a5d52715479/contourpy-1.3.3-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:88df9880d507169449d434c293467418b9f6cbe82edd19284aa0409e7fdb933d", size = 306730, upload-time = "2025-07-26T12:01:57.051Z" }, - { url = "https://files.pythonhosted.org/packages/3f/11/4780db94ae62fc0c2053909b65dc3246bd7cecfc4f8a20d957ad43aa4ad8/contourpy-1.3.3-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:d06bb1f751ba5d417047db62bca3c8fde202b8c11fb50742ab3ab962c81e8216", size = 287897, upload-time = "2025-07-26T12:01:58.663Z" }, - { url = "https://files.pythonhosted.org/packages/ae/15/e59f5f3ffdd6f3d4daa3e47114c53daabcb18574a26c21f03dc9e4e42ff0/contourpy-1.3.3-cp313-cp313t-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:e4e6b05a45525357e382909a4c1600444e2a45b4795163d3b22669285591c1ae", size = 326751, upload-time = "2025-07-26T12:02:00.343Z" }, - { url = "https://files.pythonhosted.org/packages/0f/81/03b45cfad088e4770b1dcf72ea78d3802d04200009fb364d18a493857210/contourpy-1.3.3-cp313-cp313t-manylinux_2_26_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:ab3074b48c4e2cf1a960e6bbeb7f04566bf36b1861d5c9d4d8ac04b82e38ba20", size = 375486, upload-time = "2025-07-26T12:02:02.128Z" }, - { url = "https://files.pythonhosted.org/packages/0c/ba/49923366492ffbdd4486e970d421b289a670ae8cf539c1ea9a09822b371a/contourpy-1.3.3-cp313-cp313t-manylinux_2_26_s390x.manylinux_2_28_s390x.whl", hash = "sha256:6c3d53c796f8647d6deb1abe867daeb66dcc8a97e8455efa729516b997b8ed99", size = 388106, upload-time = "2025-07-26T12:02:03.615Z" }, - { url = "https://files.pythonhosted.org/packages/9f/52/5b00ea89525f8f143651f9f03a0df371d3cbd2fccd21ca9b768c7a6500c2/contourpy-1.3.3-cp313-cp313t-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:50ed930df7289ff2a8d7afeb9603f8289e5704755c7e5c3bbd929c90c817164b", size = 352548, upload-time = "2025-07-26T12:02:05.165Z" }, - { url = "https://files.pythonhosted.org/packages/32/1d/a209ec1a3a3452d490f6b14dd92e72280c99ae3d1e73da74f8277d4ee08f/contourpy-1.3.3-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:4feffb6537d64b84877da813a5c30f1422ea5739566abf0bd18065ac040e120a", size = 1322297, upload-time = "2025-07-26T12:02:07.379Z" }, - { url = "https://files.pythonhosted.org/packages/bc/9e/46f0e8ebdd884ca0e8877e46a3f4e633f6c9c8c4f3f6e72be3fe075994aa/contourpy-1.3.3-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:2b7e9480ffe2b0cd2e787e4df64270e3a0440d9db8dc823312e2c940c167df7e", size = 1391023, upload-time = "2025-07-26T12:02:10.171Z" }, - { url = "https://files.pythonhosted.org/packages/b9/70/f308384a3ae9cd2209e0849f33c913f658d3326900d0ff5d378d6a1422d2/contourpy-1.3.3-cp313-cp313t-win32.whl", hash = "sha256:283edd842a01e3dcd435b1c5116798d661378d83d36d337b8dde1d16a5fc9ba3", size = 196157, upload-time = "2025-07-26T12:02:11.488Z" }, - { url = "https://files.pythonhosted.org/packages/b2/dd/880f890a6663b84d9e34a6f88cded89d78f0091e0045a284427cb6b18521/contourpy-1.3.3-cp313-cp313t-win_amd64.whl", hash = "sha256:87acf5963fc2b34825e5b6b048f40e3635dd547f590b04d2ab317c2619ef7ae8", size = 240570, upload-time = "2025-07-26T12:02:12.754Z" }, - { url = "https://files.pythonhosted.org/packages/80/99/2adc7d8ffead633234817ef8e9a87115c8a11927a94478f6bb3d3f4d4f7d/contourpy-1.3.3-cp313-cp313t-win_arm64.whl", hash = "sha256:3c30273eb2a55024ff31ba7d052dde990d7d8e5450f4bbb6e913558b3d6c2301", size = 199713, upload-time = "2025-07-26T12:02:14.4Z" }, - { url = "https://files.pythonhosted.org/packages/72/8b/4546f3ab60f78c514ffb7d01a0bd743f90de36f0019d1be84d0a708a580a/contourpy-1.3.3-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:fde6c716d51c04b1c25d0b90364d0be954624a0ee9d60e23e850e8d48353d07a", size = 292189, upload-time = "2025-07-26T12:02:16.095Z" }, - { url = "https://files.pythonhosted.org/packages/fd/e1/3542a9cb596cadd76fcef413f19c79216e002623158befe6daa03dbfa88c/contourpy-1.3.3-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:cbedb772ed74ff5be440fa8eee9bd49f64f6e3fc09436d9c7d8f1c287b121d77", size = 273251, upload-time = "2025-07-26T12:02:17.524Z" }, - { url = "https://files.pythonhosted.org/packages/b1/71/f93e1e9471d189f79d0ce2497007731c1e6bf9ef6d1d61b911430c3db4e5/contourpy-1.3.3-cp314-cp314-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:22e9b1bd7a9b1d652cd77388465dc358dafcd2e217d35552424aa4f996f524f5", size = 335810, upload-time = "2025-07-26T12:02:18.9Z" }, - { url = "https://files.pythonhosted.org/packages/91/f9/e35f4c1c93f9275d4e38681a80506b5510e9327350c51f8d4a5a724d178c/contourpy-1.3.3-cp314-cp314-manylinux_2_26_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:a22738912262aa3e254e4f3cb079a95a67132fc5a063890e224393596902f5a4", size = 382871, upload-time = "2025-07-26T12:02:20.418Z" }, - { url = "https://files.pythonhosted.org/packages/b5/71/47b512f936f66a0a900d81c396a7e60d73419868fba959c61efed7a8ab46/contourpy-1.3.3-cp314-cp314-manylinux_2_26_s390x.manylinux_2_28_s390x.whl", hash = "sha256:afe5a512f31ee6bd7d0dda52ec9864c984ca3d66664444f2d72e0dc4eb832e36", size = 386264, upload-time = "2025-07-26T12:02:21.916Z" }, - { url = "https://files.pythonhosted.org/packages/04/5f/9ff93450ba96b09c7c2b3f81c94de31c89f92292f1380261bd7195bea4ea/contourpy-1.3.3-cp314-cp314-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:f64836de09927cba6f79dcd00fdd7d5329f3fccc633468507079c829ca4db4e3", size = 363819, upload-time = "2025-07-26T12:02:23.759Z" }, - { url = "https://files.pythonhosted.org/packages/3e/a6/0b185d4cc480ee494945cde102cb0149ae830b5fa17bf855b95f2e70ad13/contourpy-1.3.3-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:1fd43c3be4c8e5fd6e4f2baeae35ae18176cf2e5cced681cca908addf1cdd53b", size = 1333650, upload-time = "2025-07-26T12:02:26.181Z" }, - { url = "https://files.pythonhosted.org/packages/43/d7/afdc95580ca56f30fbcd3060250f66cedbde69b4547028863abd8aa3b47e/contourpy-1.3.3-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:6afc576f7b33cf00996e5c1102dc2a8f7cc89e39c0b55df93a0b78c1bd992b36", size = 1404833, upload-time = "2025-07-26T12:02:28.782Z" }, - { url = "https://files.pythonhosted.org/packages/e2/e2/366af18a6d386f41132a48f033cbd2102e9b0cf6345d35ff0826cd984566/contourpy-1.3.3-cp314-cp314-win32.whl", hash = "sha256:66c8a43a4f7b8df8b71ee1840e4211a3c8d93b214b213f590e18a1beca458f7d", size = 189692, upload-time = "2025-07-26T12:02:30.128Z" }, - { url = "https://files.pythonhosted.org/packages/7d/c2/57f54b03d0f22d4044b8afb9ca0e184f8b1afd57b4f735c2fa70883dc601/contourpy-1.3.3-cp314-cp314-win_amd64.whl", hash = "sha256:cf9022ef053f2694e31d630feaacb21ea24224be1c3ad0520b13d844274614fd", size = 232424, upload-time = "2025-07-26T12:02:31.395Z" }, - { url = "https://files.pythonhosted.org/packages/18/79/a9416650df9b525737ab521aa181ccc42d56016d2123ddcb7b58e926a42c/contourpy-1.3.3-cp314-cp314-win_arm64.whl", hash = "sha256:95b181891b4c71de4bb404c6621e7e2390745f887f2a026b2d99e92c17892339", size = 198300, upload-time = "2025-07-26T12:02:32.956Z" }, - { url = "https://files.pythonhosted.org/packages/1f/42/38c159a7d0f2b7b9c04c64ab317042bb6952b713ba875c1681529a2932fe/contourpy-1.3.3-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:33c82d0138c0a062380332c861387650c82e4cf1747aaa6938b9b6516762e772", size = 306769, upload-time = "2025-07-26T12:02:34.2Z" }, - { url = "https://files.pythonhosted.org/packages/c3/6c/26a8205f24bca10974e77460de68d3d7c63e282e23782f1239f226fcae6f/contourpy-1.3.3-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:ea37e7b45949df430fe649e5de8351c423430046a2af20b1c1961cae3afcda77", size = 287892, upload-time = "2025-07-26T12:02:35.807Z" }, - { url = "https://files.pythonhosted.org/packages/66/06/8a475c8ab718ebfd7925661747dbb3c3ee9c82ac834ccb3570be49d129f4/contourpy-1.3.3-cp314-cp314t-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:d304906ecc71672e9c89e87c4675dc5c2645e1f4269a5063b99b0bb29f232d13", size = 326748, upload-time = "2025-07-26T12:02:37.193Z" }, - { url = "https://files.pythonhosted.org/packages/b4/a3/c5ca9f010a44c223f098fccd8b158bb1cb287378a31ac141f04730dc49be/contourpy-1.3.3-cp314-cp314t-manylinux_2_26_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:ca658cd1a680a5c9ea96dc61cdbae1e85c8f25849843aa799dfd3cb370ad4fbe", size = 375554, upload-time = "2025-07-26T12:02:38.894Z" }, - { url = "https://files.pythonhosted.org/packages/80/5b/68bd33ae63fac658a4145088c1e894405e07584a316738710b636c6d0333/contourpy-1.3.3-cp314-cp314t-manylinux_2_26_s390x.manylinux_2_28_s390x.whl", hash = "sha256:ab2fd90904c503739a75b7c8c5c01160130ba67944a7b77bbf36ef8054576e7f", size = 388118, upload-time = "2025-07-26T12:02:40.642Z" }, - { url = "https://files.pythonhosted.org/packages/40/52/4c285a6435940ae25d7410a6c36bda5145839bc3f0beb20c707cda18b9d2/contourpy-1.3.3-cp314-cp314t-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:b7301b89040075c30e5768810bc96a8e8d78085b47d8be6e4c3f5a0b4ed478a0", size = 352555, upload-time = "2025-07-26T12:02:42.25Z" }, - { url = "https://files.pythonhosted.org/packages/24/ee/3e81e1dd174f5c7fefe50e85d0892de05ca4e26ef1c9a59c2a57e43b865a/contourpy-1.3.3-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:2a2a8b627d5cc6b7c41a4beff6c5ad5eb848c88255fda4a8745f7e901b32d8e4", size = 1322295, upload-time = "2025-07-26T12:02:44.668Z" }, - { url = "https://files.pythonhosted.org/packages/3c/b2/6d913d4d04e14379de429057cd169e5e00f6c2af3bb13e1710bcbdb5da12/contourpy-1.3.3-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:fd6ec6be509c787f1caf6b247f0b1ca598bef13f4ddeaa126b7658215529ba0f", size = 1391027, upload-time = "2025-07-26T12:02:47.09Z" }, - { url = "https://files.pythonhosted.org/packages/93/8a/68a4ec5c55a2971213d29a9374913f7e9f18581945a7a31d1a39b5d2dfe5/contourpy-1.3.3-cp314-cp314t-win32.whl", hash = "sha256:e74a9a0f5e3fff48fb5a7f2fd2b9b70a3fe014a67522f79b7cca4c0c7e43c9ae", size = 202428, upload-time = "2025-07-26T12:02:48.691Z" }, - { url = "https://files.pythonhosted.org/packages/fa/96/fd9f641ffedc4fa3ace923af73b9d07e869496c9cc7a459103e6e978992f/contourpy-1.3.3-cp314-cp314t-win_amd64.whl", hash = "sha256:13b68d6a62db8eafaebb8039218921399baf6e47bf85006fd8529f2a08ef33fc", size = 250331, upload-time = "2025-07-26T12:02:50.137Z" }, - { url = "https://files.pythonhosted.org/packages/ae/8c/469afb6465b853afff216f9528ffda78a915ff880ed58813ba4faf4ba0b6/contourpy-1.3.3-cp314-cp314t-win_arm64.whl", hash = "sha256:b7448cb5a725bb1e35ce88771b86fba35ef418952474492cf7c764059933ff8b", size = 203831, upload-time = "2025-07-26T12:02:51.449Z" }, - { url = "https://files.pythonhosted.org/packages/a5/29/8dcfe16f0107943fa92388c23f6e05cff0ba58058c4c95b00280d4c75a14/contourpy-1.3.3-pp311-pypy311_pp73-macosx_10_15_x86_64.whl", hash = "sha256:cd5dfcaeb10f7b7f9dc8941717c6c2ade08f587be2226222c12b25f0483ed497", size = 278809, upload-time = "2025-07-26T12:02:52.74Z" }, - { url = "https://files.pythonhosted.org/packages/85/a9/8b37ef4f7dafeb335daee3c8254645ef5725be4d9c6aa70b50ec46ef2f7e/contourpy-1.3.3-pp311-pypy311_pp73-macosx_11_0_arm64.whl", hash = "sha256:0c1fc238306b35f246d61a1d416a627348b5cf0648648a031e14bb8705fcdfe8", size = 261593, upload-time = "2025-07-26T12:02:54.037Z" }, - { url = "https://files.pythonhosted.org/packages/0a/59/ebfb8c677c75605cc27f7122c90313fd2f375ff3c8d19a1694bda74aaa63/contourpy-1.3.3-pp311-pypy311_pp73-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:70f9aad7de812d6541d29d2bbf8feb22ff7e1c299523db288004e3157ff4674e", size = 302202, upload-time = "2025-07-26T12:02:55.947Z" }, - { url = "https://files.pythonhosted.org/packages/3c/37/21972a15834d90bfbfb009b9d004779bd5a07a0ec0234e5ba8f64d5736f4/contourpy-1.3.3-pp311-pypy311_pp73-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:5ed3657edf08512fc3fe81b510e35c2012fbd3081d2e26160f27ca28affec989", size = 329207, upload-time = "2025-07-26T12:02:57.468Z" }, - { url = "https://files.pythonhosted.org/packages/0c/58/bd257695f39d05594ca4ad60df5bcb7e32247f9951fd09a9b8edb82d1daa/contourpy-1.3.3-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:3d1a3799d62d45c18bafd41c5fa05120b96a28079f2393af559b843d1a966a77", size = 225315, upload-time = "2025-07-26T12:02:58.801Z" }, -] - -[[package]] -name = "coverage" -version = "7.11.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/1c/38/ee22495420457259d2f3390309505ea98f98a5eed40901cf62196abad006/coverage-7.11.0.tar.gz", hash = "sha256:167bd504ac1ca2af7ff3b81d245dfea0292c5032ebef9d66cc08a7d28c1b8050", size = 811905, upload-time = "2025-10-15T15:15:08.542Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/12/95/c49df0aceb5507a80b9fe5172d3d39bf23f05be40c23c8d77d556df96cec/coverage-7.11.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:eb53f1e8adeeb2e78962bade0c08bfdc461853c7969706ed901821e009b35e31", size = 215800, upload-time = "2025-10-15T15:12:19.824Z" }, - { url = "https://files.pythonhosted.org/packages/dc/c6/7bb46ce01ed634fff1d7bb53a54049f539971862cc388b304ff3c51b4f66/coverage-7.11.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:d9a03ec6cb9f40a5c360f138b88266fd8f58408d71e89f536b4f91d85721d075", size = 216198, upload-time = "2025-10-15T15:12:22.549Z" }, - { url = "https://files.pythonhosted.org/packages/94/b2/75d9d8fbf2900268aca5de29cd0a0fe671b0f69ef88be16767cc3c828b85/coverage-7.11.0-cp310-cp310-manylinux1_i686.manylinux_2_28_i686.manylinux_2_5_i686.whl", hash = "sha256:0d7f0616c557cbc3d1c2090334eddcbb70e1ae3a40b07222d62b3aa47f608fab", size = 242953, upload-time = "2025-10-15T15:12:24.139Z" }, - { url = "https://files.pythonhosted.org/packages/65/ac/acaa984c18f440170525a8743eb4b6c960ace2dbad80dc22056a437fc3c6/coverage-7.11.0-cp310-cp310-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:e44a86a47bbdf83b0a3ea4d7df5410d6b1a0de984fbd805fa5101f3624b9abe0", size = 244766, upload-time = "2025-10-15T15:12:25.974Z" }, - { url = "https://files.pythonhosted.org/packages/d8/0d/938d0bff76dfa4a6b228c3fc4b3e1c0e2ad4aa6200c141fcda2bd1170227/coverage-7.11.0-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:596763d2f9a0ee7eec6e643e29660def2eef297e1de0d334c78c08706f1cb785", size = 246625, upload-time = "2025-10-15T15:12:27.387Z" }, - { url = "https://files.pythonhosted.org/packages/38/54/8f5f5e84bfa268df98f46b2cb396b1009734cfb1e5d6adb663d284893b32/coverage-7.11.0-cp310-cp310-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:ef55537ff511b5e0a43edb4c50a7bf7ba1c3eea20b4f49b1490f1e8e0e42c591", size = 243568, upload-time = "2025-10-15T15:12:28.799Z" }, - { url = "https://files.pythonhosted.org/packages/68/30/8ba337c2877fe3f2e1af0ed7ff4be0c0c4aca44d6f4007040f3ca2255e99/coverage-7.11.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:9cbabd8f4d0d3dc571d77ae5bdbfa6afe5061e679a9d74b6797c48d143307088", size = 244665, upload-time = "2025-10-15T15:12:30.297Z" }, - { url = "https://files.pythonhosted.org/packages/cc/fb/c6f1d6d9a665536b7dde2333346f0cc41dc6a60bd1ffc10cd5c33e7eb000/coverage-7.11.0-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:e24045453384e0ae2a587d562df2a04d852672eb63051d16096d3f08aa4c7c2f", size = 242681, upload-time = "2025-10-15T15:12:32.326Z" }, - { url = "https://files.pythonhosted.org/packages/be/38/1b532319af5f991fa153c20373291dc65c2bf532af7dbcffdeef745c8f79/coverage-7.11.0-cp310-cp310-musllinux_1_2_riscv64.whl", hash = "sha256:7161edd3426c8d19bdccde7d49e6f27f748f3c31cc350c5de7c633fea445d866", size = 242912, upload-time = "2025-10-15T15:12:34.079Z" }, - { url = "https://files.pythonhosted.org/packages/67/3d/f39331c60ef6050d2a861dc1b514fa78f85f792820b68e8c04196ad733d6/coverage-7.11.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:3d4ed4de17e692ba6415b0587bc7f12bc80915031fc9db46a23ce70fc88c9841", size = 243559, upload-time = "2025-10-15T15:12:35.809Z" }, - { url = "https://files.pythonhosted.org/packages/4b/55/cb7c9df9d0495036ce582a8a2958d50c23cd73f84a23284bc23bd4711a6f/coverage-7.11.0-cp310-cp310-win32.whl", hash = "sha256:765c0bc8fe46f48e341ef737c91c715bd2a53a12792592296a095f0c237e09cf", size = 218266, upload-time = "2025-10-15T15:12:37.429Z" }, - { url = "https://files.pythonhosted.org/packages/68/a8/b79cb275fa7bd0208767f89d57a1b5f6ba830813875738599741b97c2e04/coverage-7.11.0-cp310-cp310-win_amd64.whl", hash = "sha256:24d6f3128f1b2d20d84b24f4074475457faedc3d4613a7e66b5e769939c7d969", size = 219169, upload-time = "2025-10-15T15:12:39.25Z" }, - { url = "https://files.pythonhosted.org/packages/49/3a/ee1074c15c408ddddddb1db7dd904f6b81bc524e01f5a1c5920e13dbde23/coverage-7.11.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:3d58ecaa865c5b9fa56e35efc51d1014d4c0d22838815b9fce57a27dd9576847", size = 215912, upload-time = "2025-10-15T15:12:40.665Z" }, - { url = "https://files.pythonhosted.org/packages/70/c4/9f44bebe5cb15f31608597b037d78799cc5f450044465bcd1ae8cb222fe1/coverage-7.11.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:b679e171f1c104a5668550ada700e3c4937110dbdd153b7ef9055c4f1a1ee3cc", size = 216310, upload-time = "2025-10-15T15:12:42.461Z" }, - { url = "https://files.pythonhosted.org/packages/42/01/5e06077cfef92d8af926bdd86b84fb28bf9bc6ad27343d68be9b501d89f2/coverage-7.11.0-cp311-cp311-manylinux1_i686.manylinux_2_28_i686.manylinux_2_5_i686.whl", hash = "sha256:ca61691ba8c5b6797deb221a0d09d7470364733ea9c69425a640f1f01b7c5bf0", size = 246706, upload-time = "2025-10-15T15:12:44.001Z" }, - { url = "https://files.pythonhosted.org/packages/40/b8/7a3f1f33b35cc4a6c37e759137533119560d06c0cc14753d1a803be0cd4a/coverage-7.11.0-cp311-cp311-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:aef1747ede4bd8ca9cfc04cc3011516500c6891f1b33a94add3253f6f876b7b7", size = 248634, upload-time = "2025-10-15T15:12:45.768Z" }, - { url = "https://files.pythonhosted.org/packages/7a/41/7f987eb33de386bc4c665ab0bf98d15fcf203369d6aacae74f5dd8ec489a/coverage-7.11.0-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:a1839d08406e4cba2953dcc0ffb312252f14d7c4c96919f70167611f4dee2623", size = 250741, upload-time = "2025-10-15T15:12:47.222Z" }, - { url = "https://files.pythonhosted.org/packages/23/c1/a4e0ca6a4e83069fb8216b49b30a7352061ca0cb38654bd2dc96b7b3b7da/coverage-7.11.0-cp311-cp311-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:e0eb0a2dcc62478eb5b4cbb80b97bdee852d7e280b90e81f11b407d0b81c4287", size = 246837, upload-time = "2025-10-15T15:12:48.904Z" }, - { url = "https://files.pythonhosted.org/packages/5d/03/ced062a17f7c38b4728ff76c3acb40d8465634b20b4833cdb3cc3a74e115/coverage-7.11.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:bc1fbea96343b53f65d5351d8fd3b34fd415a2670d7c300b06d3e14a5af4f552", size = 248429, upload-time = "2025-10-15T15:12:50.73Z" }, - { url = "https://files.pythonhosted.org/packages/97/af/a7c6f194bb8c5a2705ae019036b8fe7f49ea818d638eedb15fdb7bed227c/coverage-7.11.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:214b622259dd0cf435f10241f1333d32caa64dbc27f8790ab693428a141723de", size = 246490, upload-time = "2025-10-15T15:12:52.646Z" }, - { url = "https://files.pythonhosted.org/packages/ab/c3/aab4df02b04a8fde79068c3c41ad7a622b0ef2b12e1ed154da986a727c3f/coverage-7.11.0-cp311-cp311-musllinux_1_2_riscv64.whl", hash = "sha256:258d9967520cca899695d4eb7ea38be03f06951d6ca2f21fb48b1235f791e601", size = 246208, upload-time = "2025-10-15T15:12:54.586Z" }, - { url = "https://files.pythonhosted.org/packages/30/d8/e282ec19cd658238d60ed404f99ef2e45eed52e81b866ab1518c0d4163cf/coverage-7.11.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:cf9e6ff4ca908ca15c157c409d608da77a56a09877b97c889b98fb2c32b6465e", size = 247126, upload-time = "2025-10-15T15:12:56.485Z" }, - { url = "https://files.pythonhosted.org/packages/d1/17/a635fa07fac23adb1a5451ec756216768c2767efaed2e4331710342a3399/coverage-7.11.0-cp311-cp311-win32.whl", hash = "sha256:fcc15fc462707b0680cff6242c48625da7f9a16a28a41bb8fd7a4280920e676c", size = 218314, upload-time = "2025-10-15T15:12:58.365Z" }, - { url = "https://files.pythonhosted.org/packages/2a/29/2ac1dfcdd4ab9a70026edc8d715ece9b4be9a1653075c658ee6f271f394d/coverage-7.11.0-cp311-cp311-win_amd64.whl", hash = "sha256:865965bf955d92790f1facd64fe7ff73551bd2c1e7e6b26443934e9701ba30b9", size = 219203, upload-time = "2025-10-15T15:12:59.902Z" }, - { url = "https://files.pythonhosted.org/packages/03/21/5ce8b3a0133179115af4c041abf2ee652395837cb896614beb8ce8ddcfd9/coverage-7.11.0-cp311-cp311-win_arm64.whl", hash = "sha256:5693e57a065760dcbeb292d60cc4d0231a6d4b6b6f6a3191561e1d5e8820b745", size = 217879, upload-time = "2025-10-15T15:13:01.35Z" }, - { url = "https://files.pythonhosted.org/packages/c4/db/86f6906a7c7edc1a52b2c6682d6dd9be775d73c0dfe2b84f8923dfea5784/coverage-7.11.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:9c49e77811cf9d024b95faf86c3f059b11c0c9be0b0d61bc598f453703bd6fd1", size = 216098, upload-time = "2025-10-15T15:13:02.916Z" }, - { url = "https://files.pythonhosted.org/packages/21/54/e7b26157048c7ba555596aad8569ff903d6cd67867d41b75287323678ede/coverage-7.11.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:a61e37a403a778e2cda2a6a39abcc895f1d984071942a41074b5c7ee31642007", size = 216331, upload-time = "2025-10-15T15:13:04.403Z" }, - { url = "https://files.pythonhosted.org/packages/b9/19/1ce6bf444f858b83a733171306134a0544eaddf1ca8851ede6540a55b2ad/coverage-7.11.0-cp312-cp312-manylinux1_i686.manylinux_2_28_i686.manylinux_2_5_i686.whl", hash = "sha256:c79cae102bb3b1801e2ef1511fb50e91ec83a1ce466b2c7c25010d884336de46", size = 247825, upload-time = "2025-10-15T15:13:05.92Z" }, - { url = "https://files.pythonhosted.org/packages/71/0b/d3bcbbc259fcced5fb67c5d78f6e7ee965f49760c14afd931e9e663a83b2/coverage-7.11.0-cp312-cp312-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:16ce17ceb5d211f320b62df002fa7016b7442ea0fd260c11cec8ce7730954893", size = 250573, upload-time = "2025-10-15T15:13:07.471Z" }, - { url = "https://files.pythonhosted.org/packages/58/8d/b0ff3641a320abb047258d36ed1c21d16be33beed4152628331a1baf3365/coverage-7.11.0-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:80027673e9d0bd6aef86134b0771845e2da85755cf686e7c7c59566cf5a89115", size = 251706, upload-time = "2025-10-15T15:13:09.4Z" }, - { url = "https://files.pythonhosted.org/packages/59/c8/5a586fe8c7b0458053d9c687f5cff515a74b66c85931f7fe17a1c958b4ac/coverage-7.11.0-cp312-cp312-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:4d3ffa07a08657306cd2215b0da53761c4d73cb54d9143b9303a6481ec0cd415", size = 248221, upload-time = "2025-10-15T15:13:10.964Z" }, - { url = "https://files.pythonhosted.org/packages/d0/ff/3a25e3132804ba44cfa9a778cdf2b73dbbe63ef4b0945e39602fc896ba52/coverage-7.11.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:a3b6a5f8b2524fd6c1066bc85bfd97e78709bb5e37b5b94911a6506b65f47186", size = 249624, upload-time = "2025-10-15T15:13:12.5Z" }, - { url = "https://files.pythonhosted.org/packages/c5/12/ff10c8ce3895e1b17a73485ea79ebc1896a9e466a9d0f4aef63e0d17b718/coverage-7.11.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:fcc0a4aa589de34bc56e1a80a740ee0f8c47611bdfb28cd1849de60660f3799d", size = 247744, upload-time = "2025-10-15T15:13:14.554Z" }, - { url = "https://files.pythonhosted.org/packages/16/02/d500b91f5471b2975947e0629b8980e5e90786fe316b6d7299852c1d793d/coverage-7.11.0-cp312-cp312-musllinux_1_2_riscv64.whl", hash = "sha256:dba82204769d78c3fd31b35c3d5f46e06511936c5019c39f98320e05b08f794d", size = 247325, upload-time = "2025-10-15T15:13:16.438Z" }, - { url = "https://files.pythonhosted.org/packages/77/11/dee0284fbbd9cd64cfce806b827452c6df3f100d9e66188e82dfe771d4af/coverage-7.11.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:81b335f03ba67309a95210caf3eb43bd6fe75a4e22ba653ef97b4696c56c7ec2", size = 249180, upload-time = "2025-10-15T15:13:17.959Z" }, - { url = "https://files.pythonhosted.org/packages/59/1b/cdf1def928f0a150a057cab03286774e73e29c2395f0d30ce3d9e9f8e697/coverage-7.11.0-cp312-cp312-win32.whl", hash = "sha256:037b2d064c2f8cc8716fe4d39cb705779af3fbf1ba318dc96a1af858888c7bb5", size = 218479, upload-time = "2025-10-15T15:13:19.608Z" }, - { url = "https://files.pythonhosted.org/packages/ff/55/e5884d55e031da9c15b94b90a23beccc9d6beee65e9835cd6da0a79e4f3a/coverage-7.11.0-cp312-cp312-win_amd64.whl", hash = "sha256:d66c0104aec3b75e5fd897e7940188ea1892ca1d0235316bf89286d6a22568c0", size = 219290, upload-time = "2025-10-15T15:13:21.593Z" }, - { url = "https://files.pythonhosted.org/packages/23/a8/faa930cfc71c1d16bc78f9a19bb73700464f9c331d9e547bfbc1dbd3a108/coverage-7.11.0-cp312-cp312-win_arm64.whl", hash = "sha256:d91ebeac603812a09cf6a886ba6e464f3bbb367411904ae3790dfe28311b15ad", size = 217924, upload-time = "2025-10-15T15:13:23.39Z" }, - { url = "https://files.pythonhosted.org/packages/60/7f/85e4dfe65e400645464b25c036a26ac226cf3a69d4a50c3934c532491cdd/coverage-7.11.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:cc3f49e65ea6e0d5d9bd60368684fe52a704d46f9e7fc413918f18d046ec40e1", size = 216129, upload-time = "2025-10-15T15:13:25.371Z" }, - { url = "https://files.pythonhosted.org/packages/96/5d/dc5fa98fea3c175caf9d360649cb1aa3715e391ab00dc78c4c66fabd7356/coverage-7.11.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:f39ae2f63f37472c17b4990f794035c9890418b1b8cca75c01193f3c8d3e01be", size = 216380, upload-time = "2025-10-15T15:13:26.976Z" }, - { url = "https://files.pythonhosted.org/packages/b2/f5/3da9cc9596708273385189289c0e4d8197d37a386bdf17619013554b3447/coverage-7.11.0-cp313-cp313-manylinux1_i686.manylinux_2_28_i686.manylinux_2_5_i686.whl", hash = "sha256:7db53b5cdd2917b6eaadd0b1251cf4e7d96f4a8d24e174bdbdf2f65b5ea7994d", size = 247375, upload-time = "2025-10-15T15:13:28.923Z" }, - { url = "https://files.pythonhosted.org/packages/65/6c/f7f59c342359a235559d2bc76b0c73cfc4bac7d61bb0df210965cb1ecffd/coverage-7.11.0-cp313-cp313-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:10ad04ac3a122048688387828b4537bc9cf60c0bf4869c1e9989c46e45690b82", size = 249978, upload-time = "2025-10-15T15:13:30.525Z" }, - { url = "https://files.pythonhosted.org/packages/e7/8c/042dede2e23525e863bf1ccd2b92689692a148d8b5fd37c37899ba882645/coverage-7.11.0-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:4036cc9c7983a2b1f2556d574d2eb2154ac6ed55114761685657e38782b23f52", size = 251253, upload-time = "2025-10-15T15:13:32.174Z" }, - { url = "https://files.pythonhosted.org/packages/7b/a9/3c58df67bfa809a7bddd786356d9c5283e45d693edb5f3f55d0986dd905a/coverage-7.11.0-cp313-cp313-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:7ab934dd13b1c5e94b692b1e01bd87e4488cb746e3a50f798cb9464fd128374b", size = 247591, upload-time = "2025-10-15T15:13:34.147Z" }, - { url = "https://files.pythonhosted.org/packages/26/5b/c7f32efd862ee0477a18c41e4761305de6ddd2d49cdeda0c1116227570fd/coverage-7.11.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:59a6e5a265f7cfc05f76e3bb53eca2e0dfe90f05e07e849930fecd6abb8f40b4", size = 249411, upload-time = "2025-10-15T15:13:38.425Z" }, - { url = "https://files.pythonhosted.org/packages/76/b5/78cb4f1e86c1611431c990423ec0768122905b03837e1b4c6a6f388a858b/coverage-7.11.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:df01d6c4c81e15a7c88337b795bb7595a8596e92310266b5072c7e301168efbd", size = 247303, upload-time = "2025-10-15T15:13:40.464Z" }, - { url = "https://files.pythonhosted.org/packages/87/c9/23c753a8641a330f45f221286e707c427e46d0ffd1719b080cedc984ec40/coverage-7.11.0-cp313-cp313-musllinux_1_2_riscv64.whl", hash = "sha256:8c934bd088eed6174210942761e38ee81d28c46de0132ebb1801dbe36a390dcc", size = 247157, upload-time = "2025-10-15T15:13:42.087Z" }, - { url = "https://files.pythonhosted.org/packages/c5/42/6e0cc71dc8a464486e944a4fa0d85bdec031cc2969e98ed41532a98336b9/coverage-7.11.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:5a03eaf7ec24078ad64a07f02e30060aaf22b91dedf31a6b24d0d98d2bba7f48", size = 248921, upload-time = "2025-10-15T15:13:43.715Z" }, - { url = "https://files.pythonhosted.org/packages/e8/1c/743c2ef665e6858cccb0f84377dfe3a4c25add51e8c7ef19249be92465b6/coverage-7.11.0-cp313-cp313-win32.whl", hash = "sha256:695340f698a5f56f795b2836abe6fb576e7c53d48cd155ad2f80fd24bc63a040", size = 218526, upload-time = "2025-10-15T15:13:45.336Z" }, - { url = "https://files.pythonhosted.org/packages/ff/d5/226daadfd1bf8ddbccefbd3aa3547d7b960fb48e1bdac124e2dd13a2b71a/coverage-7.11.0-cp313-cp313-win_amd64.whl", hash = "sha256:2727d47fce3ee2bac648528e41455d1b0c46395a087a229deac75e9f88ba5a05", size = 219317, upload-time = "2025-10-15T15:13:47.401Z" }, - { url = "https://files.pythonhosted.org/packages/97/54/47db81dcbe571a48a298f206183ba8a7ba79200a37cd0d9f4788fcd2af4a/coverage-7.11.0-cp313-cp313-win_arm64.whl", hash = "sha256:0efa742f431529699712b92ecdf22de8ff198df41e43aeaaadf69973eb93f17a", size = 217948, upload-time = "2025-10-15T15:13:49.096Z" }, - { url = "https://files.pythonhosted.org/packages/e5/8b/cb68425420154e7e2a82fd779a8cc01549b6fa83c2ad3679cd6c088ebd07/coverage-7.11.0-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:587c38849b853b157706407e9ebdca8fd12f45869edb56defbef2daa5fb0812b", size = 216837, upload-time = "2025-10-15T15:13:51.09Z" }, - { url = "https://files.pythonhosted.org/packages/33/55/9d61b5765a025685e14659c8d07037247de6383c0385757544ffe4606475/coverage-7.11.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:b971bdefdd75096163dd4261c74be813c4508477e39ff7b92191dea19f24cd37", size = 217061, upload-time = "2025-10-15T15:13:52.747Z" }, - { url = "https://files.pythonhosted.org/packages/52/85/292459c9186d70dcec6538f06ea251bc968046922497377bf4a1dc9a71de/coverage-7.11.0-cp313-cp313t-manylinux1_i686.manylinux_2_28_i686.manylinux_2_5_i686.whl", hash = "sha256:269bfe913b7d5be12ab13a95f3a76da23cf147be7fa043933320ba5625f0a8de", size = 258398, upload-time = "2025-10-15T15:13:54.45Z" }, - { url = "https://files.pythonhosted.org/packages/1f/e2/46edd73fb8bf51446c41148d81944c54ed224854812b6ca549be25113ee0/coverage-7.11.0-cp313-cp313t-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:dadbcce51a10c07b7c72b0ce4a25e4b6dcb0c0372846afb8e5b6307a121eb99f", size = 260574, upload-time = "2025-10-15T15:13:56.145Z" }, - { url = "https://files.pythonhosted.org/packages/07/5e/1df469a19007ff82e2ca8fe509822820a31e251f80ee7344c34f6cd2ec43/coverage-7.11.0-cp313-cp313t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:9ed43fa22c6436f7957df036331f8fe4efa7af132054e1844918866cd228af6c", size = 262797, upload-time = "2025-10-15T15:13:58.635Z" }, - { url = "https://files.pythonhosted.org/packages/f9/50/de216b31a1434b94d9b34a964c09943c6be45069ec704bfc379d8d89a649/coverage-7.11.0-cp313-cp313t-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:9516add7256b6713ec08359b7b05aeff8850c98d357784c7205b2e60aa2513fa", size = 257361, upload-time = "2025-10-15T15:14:00.409Z" }, - { url = "https://files.pythonhosted.org/packages/82/1e/3f9f8344a48111e152e0fd495b6fff13cc743e771a6050abf1627a7ba918/coverage-7.11.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:eb92e47c92fcbcdc692f428da67db33337fa213756f7adb6a011f7b5a7a20740", size = 260349, upload-time = "2025-10-15T15:14:02.188Z" }, - { url = "https://files.pythonhosted.org/packages/65/9b/3f52741f9e7d82124272f3070bbe316006a7de1bad1093f88d59bfc6c548/coverage-7.11.0-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:d06f4fc7acf3cabd6d74941d53329e06bab00a8fe10e4df2714f0b134bfc64ef", size = 258114, upload-time = "2025-10-15T15:14:03.907Z" }, - { url = "https://files.pythonhosted.org/packages/0b/8b/918f0e15f0365d50d3986bbd3338ca01178717ac5678301f3f547b6619e6/coverage-7.11.0-cp313-cp313t-musllinux_1_2_riscv64.whl", hash = "sha256:6fbcee1a8f056af07ecd344482f711f563a9eb1c2cad192e87df00338ec3cdb0", size = 256723, upload-time = "2025-10-15T15:14:06.324Z" }, - { url = "https://files.pythonhosted.org/packages/44/9e/7776829f82d3cf630878a7965a7d70cc6ca94f22c7d20ec4944f7148cb46/coverage-7.11.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:dbbf012be5f32533a490709ad597ad8a8ff80c582a95adc8d62af664e532f9ca", size = 259238, upload-time = "2025-10-15T15:14:08.002Z" }, - { url = "https://files.pythonhosted.org/packages/9a/b8/49cf253e1e7a3bedb85199b201862dd7ca4859f75b6cf25ffa7298aa0760/coverage-7.11.0-cp313-cp313t-win32.whl", hash = "sha256:cee6291bb4fed184f1c2b663606a115c743df98a537c969c3c64b49989da96c2", size = 219180, upload-time = "2025-10-15T15:14:09.786Z" }, - { url = "https://files.pythonhosted.org/packages/ac/e1/1a541703826be7ae2125a0fb7f821af5729d56bb71e946e7b933cc7a89a4/coverage-7.11.0-cp313-cp313t-win_amd64.whl", hash = "sha256:a386c1061bf98e7ea4758e4313c0ab5ecf57af341ef0f43a0bf26c2477b5c268", size = 220241, upload-time = "2025-10-15T15:14:11.471Z" }, - { url = "https://files.pythonhosted.org/packages/d5/d1/5ee0e0a08621140fd418ec4020f595b4d52d7eb429ae6a0c6542b4ba6f14/coverage-7.11.0-cp313-cp313t-win_arm64.whl", hash = "sha256:f9ea02ef40bb83823b2b04964459d281688fe173e20643870bb5d2edf68bc836", size = 218510, upload-time = "2025-10-15T15:14:13.46Z" }, - { url = "https://files.pythonhosted.org/packages/f4/06/e923830c1985ce808e40a3fa3eb46c13350b3224b7da59757d37b6ce12b8/coverage-7.11.0-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:c770885b28fb399aaf2a65bbd1c12bf6f307ffd112d6a76c5231a94276f0c497", size = 216110, upload-time = "2025-10-15T15:14:15.157Z" }, - { url = "https://files.pythonhosted.org/packages/42/82/cdeed03bfead45203fb651ed756dfb5266028f5f939e7f06efac4041dad5/coverage-7.11.0-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:a3d0e2087dba64c86a6b254f43e12d264b636a39e88c5cc0a01a7c71bcfdab7e", size = 216395, upload-time = "2025-10-15T15:14:16.863Z" }, - { url = "https://files.pythonhosted.org/packages/fc/ba/e1c80caffc3199aa699813f73ff097bc2df7b31642bdbc7493600a8f1de5/coverage-7.11.0-cp314-cp314-manylinux1_i686.manylinux_2_28_i686.manylinux_2_5_i686.whl", hash = "sha256:73feb83bb41c32811973b8565f3705caf01d928d972b72042b44e97c71fd70d1", size = 247433, upload-time = "2025-10-15T15:14:18.589Z" }, - { url = "https://files.pythonhosted.org/packages/80/c0/5b259b029694ce0a5bbc1548834c7ba3db41d3efd3474489d7efce4ceb18/coverage-7.11.0-cp314-cp314-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:c6f31f281012235ad08f9a560976cc2fc9c95c17604ff3ab20120fe480169bca", size = 249970, upload-time = "2025-10-15T15:14:20.307Z" }, - { url = "https://files.pythonhosted.org/packages/8c/86/171b2b5e1aac7e2fd9b43f7158b987dbeb95f06d1fbecad54ad8163ae3e8/coverage-7.11.0-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:e9570ad567f880ef675673992222746a124b9595506826b210fbe0ce3f0499cd", size = 251324, upload-time = "2025-10-15T15:14:22.419Z" }, - { url = "https://files.pythonhosted.org/packages/1a/7e/7e10414d343385b92024af3932a27a1caf75c6e27ee88ba211221ff1a145/coverage-7.11.0-cp314-cp314-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:8badf70446042553a773547a61fecaa734b55dc738cacf20c56ab04b77425e43", size = 247445, upload-time = "2025-10-15T15:14:24.205Z" }, - { url = "https://files.pythonhosted.org/packages/c4/3b/e4f966b21f5be8c4bf86ad75ae94efa0de4c99c7bbb8114476323102e345/coverage-7.11.0-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:a09c1211959903a479e389685b7feb8a17f59ec5a4ef9afde7650bd5eabc2777", size = 249324, upload-time = "2025-10-15T15:14:26.234Z" }, - { url = "https://files.pythonhosted.org/packages/00/a2/8479325576dfcd909244d0df215f077f47437ab852ab778cfa2f8bf4d954/coverage-7.11.0-cp314-cp314-musllinux_1_2_i686.whl", hash = "sha256:5ef83b107f50db3f9ae40f69e34b3bd9337456c5a7fe3461c7abf8b75dd666a2", size = 247261, upload-time = "2025-10-15T15:14:28.42Z" }, - { url = "https://files.pythonhosted.org/packages/7b/d8/3a9e2db19d94d65771d0f2e21a9ea587d11b831332a73622f901157cc24b/coverage-7.11.0-cp314-cp314-musllinux_1_2_riscv64.whl", hash = "sha256:f91f927a3215b8907e214af77200250bb6aae36eca3f760f89780d13e495388d", size = 247092, upload-time = "2025-10-15T15:14:30.784Z" }, - { url = "https://files.pythonhosted.org/packages/b3/b1/bbca3c472544f9e2ad2d5116b2379732957048be4b93a9c543fcd0207e5f/coverage-7.11.0-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:cdbcd376716d6b7fbfeedd687a6c4be019c5a5671b35f804ba76a4c0a778cba4", size = 248755, upload-time = "2025-10-15T15:14:32.585Z" }, - { url = "https://files.pythonhosted.org/packages/89/49/638d5a45a6a0f00af53d6b637c87007eb2297042186334e9923a61aa8854/coverage-7.11.0-cp314-cp314-win32.whl", hash = "sha256:bab7ec4bb501743edc63609320aaec8cd9188b396354f482f4de4d40a9d10721", size = 218793, upload-time = "2025-10-15T15:14:34.972Z" }, - { url = "https://files.pythonhosted.org/packages/30/cc/b675a51f2d068adb3cdf3799212c662239b0ca27f4691d1fff81b92ea850/coverage-7.11.0-cp314-cp314-win_amd64.whl", hash = "sha256:3d4ba9a449e9364a936a27322b20d32d8b166553bfe63059bd21527e681e2fad", size = 219587, upload-time = "2025-10-15T15:14:37.047Z" }, - { url = "https://files.pythonhosted.org/packages/93/98/5ac886876026de04f00820e5094fe22166b98dcb8b426bf6827aaf67048c/coverage-7.11.0-cp314-cp314-win_arm64.whl", hash = "sha256:ce37f215223af94ef0f75ac68ea096f9f8e8c8ec7d6e8c346ee45c0d363f0479", size = 218168, upload-time = "2025-10-15T15:14:38.861Z" }, - { url = "https://files.pythonhosted.org/packages/14/d1/b4145d35b3e3ecf4d917e97fc8895bcf027d854879ba401d9ff0f533f997/coverage-7.11.0-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:f413ce6e07e0d0dc9c433228727b619871532674b45165abafe201f200cc215f", size = 216850, upload-time = "2025-10-15T15:14:40.651Z" }, - { url = "https://files.pythonhosted.org/packages/ca/d1/7f645fc2eccd318369a8a9948acc447bb7c1ade2911e31d3c5620544c22b/coverage-7.11.0-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:05791e528a18f7072bf5998ba772fe29db4da1234c45c2087866b5ba4dea710e", size = 217071, upload-time = "2025-10-15T15:14:42.755Z" }, - { url = "https://files.pythonhosted.org/packages/54/7d/64d124649db2737ceced1dfcbdcb79898d5868d311730f622f8ecae84250/coverage-7.11.0-cp314-cp314t-manylinux1_i686.manylinux_2_28_i686.manylinux_2_5_i686.whl", hash = "sha256:cacb29f420cfeb9283b803263c3b9a068924474ff19ca126ba9103e1278dfa44", size = 258570, upload-time = "2025-10-15T15:14:44.542Z" }, - { url = "https://files.pythonhosted.org/packages/6c/3f/6f5922f80dc6f2d8b2c6f974835c43f53eb4257a7797727e6ca5b7b2ec1f/coverage-7.11.0-cp314-cp314t-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:314c24e700d7027ae3ab0d95fbf8d53544fca1f20345fd30cd219b737c6e58d3", size = 260738, upload-time = "2025-10-15T15:14:46.436Z" }, - { url = "https://files.pythonhosted.org/packages/0e/5f/9e883523c4647c860b3812b417a2017e361eca5b635ee658387dc11b13c1/coverage-7.11.0-cp314-cp314t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:630d0bd7a293ad2fc8b4b94e5758c8b2536fdf36c05f1681270203e463cbfa9b", size = 262994, upload-time = "2025-10-15T15:14:48.3Z" }, - { url = "https://files.pythonhosted.org/packages/07/bb/43b5a8e94c09c8bf51743ffc65c4c841a4ca5d3ed191d0a6919c379a1b83/coverage-7.11.0-cp314-cp314t-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:e89641f5175d65e2dbb44db15fe4ea48fade5d5bbb9868fdc2b4fce22f4a469d", size = 257282, upload-time = "2025-10-15T15:14:50.236Z" }, - { url = "https://files.pythonhosted.org/packages/aa/e5/0ead8af411411330b928733e1d201384b39251a5f043c1612970310e8283/coverage-7.11.0-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:c9f08ea03114a637dab06cedb2e914da9dc67fa52c6015c018ff43fdde25b9c2", size = 260430, upload-time = "2025-10-15T15:14:52.413Z" }, - { url = "https://files.pythonhosted.org/packages/ae/66/03dd8bb0ba5b971620dcaac145461950f6d8204953e535d2b20c6b65d729/coverage-7.11.0-cp314-cp314t-musllinux_1_2_i686.whl", hash = "sha256:ce9f3bde4e9b031eaf1eb61df95c1401427029ea1bfddb8621c1161dcb0fa02e", size = 258190, upload-time = "2025-10-15T15:14:54.268Z" }, - { url = "https://files.pythonhosted.org/packages/45/ae/28a9cce40bf3174426cb2f7e71ee172d98e7f6446dff936a7ccecee34b14/coverage-7.11.0-cp314-cp314t-musllinux_1_2_riscv64.whl", hash = "sha256:e4dc07e95495923d6fd4d6c27bf70769425b71c89053083843fd78f378558996", size = 256658, upload-time = "2025-10-15T15:14:56.436Z" }, - { url = "https://files.pythonhosted.org/packages/5c/7c/3a44234a8599513684bfc8684878fd7b126c2760f79712bb78c56f19efc4/coverage-7.11.0-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:424538266794db2861db4922b05d729ade0940ee69dcf0591ce8f69784db0e11", size = 259342, upload-time = "2025-10-15T15:14:58.538Z" }, - { url = "https://files.pythonhosted.org/packages/e1/e6/0108519cba871af0351725ebdb8660fd7a0fe2ba3850d56d32490c7d9b4b/coverage-7.11.0-cp314-cp314t-win32.whl", hash = "sha256:4c1eeb3fb8eb9e0190bebafd0462936f75717687117339f708f395fe455acc73", size = 219568, upload-time = "2025-10-15T15:15:00.382Z" }, - { url = "https://files.pythonhosted.org/packages/c9/76/44ba876e0942b4e62fdde23ccb029ddb16d19ba1bef081edd00857ba0b16/coverage-7.11.0-cp314-cp314t-win_amd64.whl", hash = "sha256:b56efee146c98dbf2cf5cffc61b9829d1e94442df4d7398b26892a53992d3547", size = 220687, upload-time = "2025-10-15T15:15:02.322Z" }, - { url = "https://files.pythonhosted.org/packages/b9/0c/0df55ecb20d0d0ed5c322e10a441775e1a3a5d78c60f0c4e1abfe6fcf949/coverage-7.11.0-cp314-cp314t-win_arm64.whl", hash = "sha256:b5c2705afa83f49bd91962a4094b6b082f94aef7626365ab3f8f4bd159c5acf3", size = 218711, upload-time = "2025-10-15T15:15:04.575Z" }, - { url = "https://files.pythonhosted.org/packages/5f/04/642c1d8a448ae5ea1369eac8495740a79eb4e581a9fb0cbdce56bbf56da1/coverage-7.11.0-py3-none-any.whl", hash = "sha256:4b7589765348d78fb4e5fb6ea35d07564e387da2fc5efff62e0222971f155f68", size = 207761, upload-time = "2025-10-15T15:15:06.439Z" }, -] - -[package.optional-dependencies] -toml = [ - { name = "tomli", marker = "python_full_version <= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] - -[[package]] -name = "cryptography" -version = "46.0.3" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "cffi", marker = "platform_python_implementation != 'PyPy' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "typing-extensions", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/9f/33/c00162f49c0e2fe8064a62cb92b93e50c74a72bc370ab92f86112b33ff62/cryptography-46.0.3.tar.gz", hash = "sha256:a8b17438104fed022ce745b362294d9ce35b4c2e45c1d958ad4a4b019285f4a1", size = 749258, upload-time = "2025-10-15T23:18:31.74Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/1d/42/9c391dd801d6cf0d561b5890549d4b27bafcc53b39c31a817e69d87c625b/cryptography-46.0.3-cp311-abi3-macosx_10_9_universal2.whl", hash = "sha256:109d4ddfadf17e8e7779c39f9b18111a09efb969a301a31e987416a0191ed93a", size = 7225004, upload-time = "2025-10-15T23:16:52.239Z" }, - { url = "https://files.pythonhosted.org/packages/1c/67/38769ca6b65f07461eb200e85fc1639b438bdc667be02cf7f2cd6a64601c/cryptography-46.0.3-cp311-abi3-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:09859af8466b69bc3c27bdf4f5d84a665e0f7ab5088412e9e2ec49758eca5cbc", size = 4296667, upload-time = "2025-10-15T23:16:54.369Z" }, - { url = "https://files.pythonhosted.org/packages/5c/49/498c86566a1d80e978b42f0d702795f69887005548c041636df6ae1ca64c/cryptography-46.0.3-cp311-abi3-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:01ca9ff2885f3acc98c29f1860552e37f6d7c7d013d7334ff2a9de43a449315d", size = 4450807, upload-time = "2025-10-15T23:16:56.414Z" }, - { url = "https://files.pythonhosted.org/packages/4b/0a/863a3604112174c8624a2ac3c038662d9e59970c7f926acdcfaed8d61142/cryptography-46.0.3-cp311-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:6eae65d4c3d33da080cff9c4ab1f711b15c1d9760809dad6ea763f3812d254cb", size = 4299615, upload-time = "2025-10-15T23:16:58.442Z" }, - { url = "https://files.pythonhosted.org/packages/64/02/b73a533f6b64a69f3cd3872acb6ebc12aef924d8d103133bb3ea750dc703/cryptography-46.0.3-cp311-abi3-manylinux_2_28_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:e5bf0ed4490068a2e72ac03d786693adeb909981cc596425d09032d372bcc849", size = 4016800, upload-time = "2025-10-15T23:17:00.378Z" }, - { url = "https://files.pythonhosted.org/packages/25/d5/16e41afbfa450cde85a3b7ec599bebefaef16b5c6ba4ec49a3532336ed72/cryptography-46.0.3-cp311-abi3-manylinux_2_28_ppc64le.whl", hash = "sha256:5ecfccd2329e37e9b7112a888e76d9feca2347f12f37918facbb893d7bb88ee8", size = 4984707, upload-time = "2025-10-15T23:17:01.98Z" }, - { url = "https://files.pythonhosted.org/packages/c9/56/e7e69b427c3878352c2fb9b450bd0e19ed552753491d39d7d0a2f5226d41/cryptography-46.0.3-cp311-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:a2c0cd47381a3229c403062f764160d57d4d175e022c1df84e168c6251a22eec", size = 4482541, upload-time = "2025-10-15T23:17:04.078Z" }, - { url = "https://files.pythonhosted.org/packages/78/f6/50736d40d97e8483172f1bb6e698895b92a223dba513b0ca6f06b2365339/cryptography-46.0.3-cp311-abi3-manylinux_2_34_aarch64.whl", hash = "sha256:549e234ff32571b1f4076ac269fcce7a808d3bf98b76c8dd560e42dbc66d7d91", size = 4299464, upload-time = "2025-10-15T23:17:05.483Z" }, - { url = "https://files.pythonhosted.org/packages/00/de/d8e26b1a855f19d9994a19c702fa2e93b0456beccbcfe437eda00e0701f2/cryptography-46.0.3-cp311-abi3-manylinux_2_34_ppc64le.whl", hash = "sha256:c0a7bb1a68a5d3471880e264621346c48665b3bf1c3759d682fc0864c540bd9e", size = 4950838, upload-time = "2025-10-15T23:17:07.425Z" }, - { url = "https://files.pythonhosted.org/packages/8f/29/798fc4ec461a1c9e9f735f2fc58741b0daae30688f41b2497dcbc9ed1355/cryptography-46.0.3-cp311-abi3-manylinux_2_34_x86_64.whl", hash = "sha256:10b01676fc208c3e6feeb25a8b83d81767e8059e1fe86e1dc62d10a3018fa926", size = 4481596, upload-time = "2025-10-15T23:17:09.343Z" }, - { url = "https://files.pythonhosted.org/packages/15/8d/03cd48b20a573adfff7652b76271078e3045b9f49387920e7f1f631d125e/cryptography-46.0.3-cp311-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:0abf1ffd6e57c67e92af68330d05760b7b7efb243aab8377e583284dbab72c71", size = 4426782, upload-time = "2025-10-15T23:17:11.22Z" }, - { url = "https://files.pythonhosted.org/packages/fa/b1/ebacbfe53317d55cf33165bda24c86523497a6881f339f9aae5c2e13e57b/cryptography-46.0.3-cp311-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:a04bee9ab6a4da801eb9b51f1b708a1b5b5c9eb48c03f74198464c66f0d344ac", size = 4698381, upload-time = "2025-10-15T23:17:12.829Z" }, - { url = "https://files.pythonhosted.org/packages/96/92/8a6a9525893325fc057a01f654d7efc2c64b9de90413adcf605a85744ff4/cryptography-46.0.3-cp311-abi3-win32.whl", hash = "sha256:f260d0d41e9b4da1ed1e0f1ce571f97fe370b152ab18778e9e8f67d6af432018", size = 3055988, upload-time = "2025-10-15T23:17:14.65Z" }, - { url = "https://files.pythonhosted.org/packages/7e/bf/80fbf45253ea585a1e492a6a17efcb93467701fa79e71550a430c5e60df0/cryptography-46.0.3-cp311-abi3-win_amd64.whl", hash = "sha256:a9a3008438615669153eb86b26b61e09993921ebdd75385ddd748702c5adfddb", size = 3514451, upload-time = "2025-10-15T23:17:16.142Z" }, - { url = "https://files.pythonhosted.org/packages/2e/af/9b302da4c87b0beb9db4e756386a7c6c5b8003cd0e742277888d352ae91d/cryptography-46.0.3-cp311-abi3-win_arm64.whl", hash = "sha256:5d7f93296ee28f68447397bf5198428c9aeeab45705a55d53a6343455dcb2c3c", size = 2928007, upload-time = "2025-10-15T23:17:18.04Z" }, - { url = "https://files.pythonhosted.org/packages/f5/e2/a510aa736755bffa9d2f75029c229111a1d02f8ecd5de03078f4c18d91a3/cryptography-46.0.3-cp314-cp314t-macosx_10_9_universal2.whl", hash = "sha256:00a5e7e87938e5ff9ff5447ab086a5706a957137e6e433841e9d24f38a065217", size = 7158012, upload-time = "2025-10-15T23:17:19.982Z" }, - { url = "https://files.pythonhosted.org/packages/73/dc/9aa866fbdbb95b02e7f9d086f1fccfeebf8953509b87e3f28fff927ff8a0/cryptography-46.0.3-cp314-cp314t-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:c8daeb2d2174beb4575b77482320303f3d39b8e81153da4f0fb08eb5fe86a6c5", size = 4288728, upload-time = "2025-10-15T23:17:21.527Z" }, - { url = "https://files.pythonhosted.org/packages/c5/fd/bc1daf8230eaa075184cbbf5f8cd00ba9db4fd32d63fb83da4671b72ed8a/cryptography-46.0.3-cp314-cp314t-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:39b6755623145ad5eff1dab323f4eae2a32a77a7abef2c5089a04a3d04366715", size = 4435078, upload-time = "2025-10-15T23:17:23.042Z" }, - { url = "https://files.pythonhosted.org/packages/82/98/d3bd5407ce4c60017f8ff9e63ffee4200ab3e23fe05b765cab805a7db008/cryptography-46.0.3-cp314-cp314t-manylinux_2_28_aarch64.whl", hash = "sha256:db391fa7c66df6762ee3f00c95a89e6d428f4d60e7abc8328f4fe155b5ac6e54", size = 4293460, upload-time = "2025-10-15T23:17:24.885Z" }, - { url = "https://files.pythonhosted.org/packages/26/e9/e23e7900983c2b8af7a08098db406cf989d7f09caea7897e347598d4cd5b/cryptography-46.0.3-cp314-cp314t-manylinux_2_28_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:78a97cf6a8839a48c49271cdcbd5cf37ca2c1d6b7fdd86cc864f302b5e9bf459", size = 3995237, upload-time = "2025-10-15T23:17:26.449Z" }, - { url = "https://files.pythonhosted.org/packages/91/15/af68c509d4a138cfe299d0d7ddb14afba15233223ebd933b4bbdbc7155d3/cryptography-46.0.3-cp314-cp314t-manylinux_2_28_ppc64le.whl", hash = "sha256:dfb781ff7eaa91a6f7fd41776ec37c5853c795d3b358d4896fdbb5df168af422", size = 4967344, upload-time = "2025-10-15T23:17:28.06Z" }, - { url = "https://files.pythonhosted.org/packages/ca/e3/8643d077c53868b681af077edf6b3cb58288b5423610f21c62aadcbe99f4/cryptography-46.0.3-cp314-cp314t-manylinux_2_28_x86_64.whl", hash = "sha256:6f61efb26e76c45c4a227835ddeae96d83624fb0d29eb5df5b96e14ed1a0afb7", size = 4466564, upload-time = "2025-10-15T23:17:29.665Z" }, - { url = "https://files.pythonhosted.org/packages/0e/43/c1e8726fa59c236ff477ff2b5dc071e54b21e5a1e51aa2cee1676f1c986f/cryptography-46.0.3-cp314-cp314t-manylinux_2_34_aarch64.whl", hash = "sha256:23b1a8f26e43f47ceb6d6a43115f33a5a37d57df4ea0ca295b780ae8546e8044", size = 4292415, upload-time = "2025-10-15T23:17:31.686Z" }, - { url = "https://files.pythonhosted.org/packages/42/f9/2f8fefdb1aee8a8e3256a0568cffc4e6d517b256a2fe97a029b3f1b9fe7e/cryptography-46.0.3-cp314-cp314t-manylinux_2_34_ppc64le.whl", hash = "sha256:b419ae593c86b87014b9be7396b385491ad7f320bde96826d0dd174459e54665", size = 4931457, upload-time = "2025-10-15T23:17:33.478Z" }, - { url = "https://files.pythonhosted.org/packages/79/30/9b54127a9a778ccd6d27c3da7563e9f2d341826075ceab89ae3b41bf5be2/cryptography-46.0.3-cp314-cp314t-manylinux_2_34_x86_64.whl", hash = "sha256:50fc3343ac490c6b08c0cf0d704e881d0d660be923fd3076db3e932007e726e3", size = 4466074, upload-time = "2025-10-15T23:17:35.158Z" }, - { url = "https://files.pythonhosted.org/packages/ac/68/b4f4a10928e26c941b1b6a179143af9f4d27d88fe84a6a3c53592d2e76bf/cryptography-46.0.3-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:22d7e97932f511d6b0b04f2bfd818d73dcd5928db509460aaf48384778eb6d20", size = 4420569, upload-time = "2025-10-15T23:17:37.188Z" }, - { url = "https://files.pythonhosted.org/packages/a3/49/3746dab4c0d1979888f125226357d3262a6dd40e114ac29e3d2abdf1ec55/cryptography-46.0.3-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:d55f3dffadd674514ad19451161118fd010988540cee43d8bc20675e775925de", size = 4681941, upload-time = "2025-10-15T23:17:39.236Z" }, - { url = "https://files.pythonhosted.org/packages/fd/30/27654c1dbaf7e4a3531fa1fc77986d04aefa4d6d78259a62c9dc13d7ad36/cryptography-46.0.3-cp314-cp314t-win32.whl", hash = "sha256:8a6e050cb6164d3f830453754094c086ff2d0b2f3a897a1d9820f6139a1f0914", size = 3022339, upload-time = "2025-10-15T23:17:40.888Z" }, - { url = "https://files.pythonhosted.org/packages/f6/30/640f34ccd4d2a1bc88367b54b926b781b5a018d65f404d409aba76a84b1c/cryptography-46.0.3-cp314-cp314t-win_amd64.whl", hash = "sha256:760f83faa07f8b64e9c33fc963d790a2edb24efb479e3520c14a45741cd9b2db", size = 3494315, upload-time = "2025-10-15T23:17:42.769Z" }, - { url = "https://files.pythonhosted.org/packages/ba/8b/88cc7e3bd0a8e7b861f26981f7b820e1f46aa9d26cc482d0feba0ecb4919/cryptography-46.0.3-cp314-cp314t-win_arm64.whl", hash = "sha256:516ea134e703e9fe26bcd1277a4b59ad30586ea90c365a87781d7887a646fe21", size = 2919331, upload-time = "2025-10-15T23:17:44.468Z" }, - { url = "https://files.pythonhosted.org/packages/fd/23/45fe7f376a7df8daf6da3556603b36f53475a99ce4faacb6ba2cf3d82021/cryptography-46.0.3-cp38-abi3-macosx_10_9_universal2.whl", hash = "sha256:cb3d760a6117f621261d662bccc8ef5bc32ca673e037c83fbe565324f5c46936", size = 7218248, upload-time = "2025-10-15T23:17:46.294Z" }, - { url = "https://files.pythonhosted.org/packages/27/32/b68d27471372737054cbd34c84981f9edbc24fe67ca225d389799614e27f/cryptography-46.0.3-cp38-abi3-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:4b7387121ac7d15e550f5cb4a43aef2559ed759c35df7336c402bb8275ac9683", size = 4294089, upload-time = "2025-10-15T23:17:48.269Z" }, - { url = "https://files.pythonhosted.org/packages/26/42/fa8389d4478368743e24e61eea78846a0006caffaf72ea24a15159215a14/cryptography-46.0.3-cp38-abi3-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:15ab9b093e8f09daab0f2159bb7e47532596075139dd74365da52ecc9cb46c5d", size = 4440029, upload-time = "2025-10-15T23:17:49.837Z" }, - { url = "https://files.pythonhosted.org/packages/5f/eb/f483db0ec5ac040824f269e93dd2bd8a21ecd1027e77ad7bdf6914f2fd80/cryptography-46.0.3-cp38-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:46acf53b40ea38f9c6c229599a4a13f0d46a6c3fa9ef19fc1a124d62e338dfa0", size = 4297222, upload-time = "2025-10-15T23:17:51.357Z" }, - { url = "https://files.pythonhosted.org/packages/fd/cf/da9502c4e1912cb1da3807ea3618a6829bee8207456fbbeebc361ec38ba3/cryptography-46.0.3-cp38-abi3-manylinux_2_28_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:10ca84c4668d066a9878890047f03546f3ae0a6b8b39b697457b7757aaf18dbc", size = 4012280, upload-time = "2025-10-15T23:17:52.964Z" }, - { url = "https://files.pythonhosted.org/packages/6b/8f/9adb86b93330e0df8b3dcf03eae67c33ba89958fc2e03862ef1ac2b42465/cryptography-46.0.3-cp38-abi3-manylinux_2_28_ppc64le.whl", hash = "sha256:36e627112085bb3b81b19fed209c05ce2a52ee8b15d161b7c643a7d5a88491f3", size = 4978958, upload-time = "2025-10-15T23:17:54.965Z" }, - { url = "https://files.pythonhosted.org/packages/d1/a0/5fa77988289c34bdb9f913f5606ecc9ada1adb5ae870bd0d1054a7021cc4/cryptography-46.0.3-cp38-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:1000713389b75c449a6e979ffc7dcc8ac90b437048766cef052d4d30b8220971", size = 4473714, upload-time = "2025-10-15T23:17:56.754Z" }, - { url = "https://files.pythonhosted.org/packages/14/e5/fc82d72a58d41c393697aa18c9abe5ae1214ff6f2a5c18ac470f92777895/cryptography-46.0.3-cp38-abi3-manylinux_2_34_aarch64.whl", hash = "sha256:b02cf04496f6576afffef5ddd04a0cb7d49cf6be16a9059d793a30b035f6b6ac", size = 4296970, upload-time = "2025-10-15T23:17:58.588Z" }, - { url = "https://files.pythonhosted.org/packages/78/06/5663ed35438d0b09056973994f1aec467492b33bd31da36e468b01ec1097/cryptography-46.0.3-cp38-abi3-manylinux_2_34_ppc64le.whl", hash = "sha256:71e842ec9bc7abf543b47cf86b9a743baa95f4677d22baa4c7d5c69e49e9bc04", size = 4940236, upload-time = "2025-10-15T23:18:00.897Z" }, - { url = "https://files.pythonhosted.org/packages/fc/59/873633f3f2dcd8a053b8dd1d38f783043b5fce589c0f6988bf55ef57e43e/cryptography-46.0.3-cp38-abi3-manylinux_2_34_x86_64.whl", hash = "sha256:402b58fc32614f00980b66d6e56a5b4118e6cb362ae8f3fda141ba4689bd4506", size = 4472642, upload-time = "2025-10-15T23:18:02.749Z" }, - { url = "https://files.pythonhosted.org/packages/3d/39/8e71f3930e40f6877737d6f69248cf74d4e34b886a3967d32f919cc50d3b/cryptography-46.0.3-cp38-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:ef639cb3372f69ec44915fafcd6698b6cc78fbe0c2ea41be867f6ed612811963", size = 4423126, upload-time = "2025-10-15T23:18:04.85Z" }, - { url = "https://files.pythonhosted.org/packages/cd/c7/f65027c2810e14c3e7268353b1681932b87e5a48e65505d8cc17c99e36ae/cryptography-46.0.3-cp38-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:3b51b8ca4f1c6453d8829e1eb7299499ca7f313900dd4d89a24b8b87c0a780d4", size = 4686573, upload-time = "2025-10-15T23:18:06.908Z" }, - { url = "https://files.pythonhosted.org/packages/0a/6e/1c8331ddf91ca4730ab3086a0f1be19c65510a33b5a441cb334e7a2d2560/cryptography-46.0.3-cp38-abi3-win32.whl", hash = "sha256:6276eb85ef938dc035d59b87c8a7dc559a232f954962520137529d77b18ff1df", size = 3036695, upload-time = "2025-10-15T23:18:08.672Z" }, - { url = "https://files.pythonhosted.org/packages/90/45/b0d691df20633eff80955a0fc7695ff9051ffce8b69741444bd9ed7bd0db/cryptography-46.0.3-cp38-abi3-win_amd64.whl", hash = "sha256:416260257577718c05135c55958b674000baef9a1c7d9e8f306ec60d71db850f", size = 3501720, upload-time = "2025-10-15T23:18:10.632Z" }, - { url = "https://files.pythonhosted.org/packages/e8/cb/2da4cc83f5edb9c3257d09e1e7ab7b23f049c7962cae8d842bbef0a9cec9/cryptography-46.0.3-cp38-abi3-win_arm64.whl", hash = "sha256:d89c3468de4cdc4f08a57e214384d0471911a3830fcdaf7a8cc587e42a866372", size = 2918740, upload-time = "2025-10-15T23:18:12.277Z" }, - { url = "https://files.pythonhosted.org/packages/d9/cd/1a8633802d766a0fa46f382a77e096d7e209e0817892929655fe0586ae32/cryptography-46.0.3-pp310-pypy310_pp73-macosx_10_9_x86_64.whl", hash = "sha256:a23582810fedb8c0bc47524558fb6c56aac3fc252cb306072fd2815da2a47c32", size = 3689163, upload-time = "2025-10-15T23:18:13.821Z" }, - { url = "https://files.pythonhosted.org/packages/4c/59/6b26512964ace6480c3e54681a9859c974172fb141c38df11eadd8416947/cryptography-46.0.3-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:e7aec276d68421f9574040c26e2a7c3771060bc0cff408bae1dcb19d3ab1e63c", size = 3429474, upload-time = "2025-10-15T23:18:15.477Z" }, - { url = "https://files.pythonhosted.org/packages/06/8a/e60e46adab4362a682cf142c7dcb5bf79b782ab2199b0dcb81f55970807f/cryptography-46.0.3-pp311-pypy311_pp73-macosx_10_9_x86_64.whl", hash = "sha256:7ce938a99998ed3c8aa7e7272dca1a610401ede816d36d0693907d863b10d9ea", size = 3698132, upload-time = "2025-10-15T23:18:17.056Z" }, - { url = "https://files.pythonhosted.org/packages/da/38/f59940ec4ee91e93d3311f7532671a5cef5570eb04a144bf203b58552d11/cryptography-46.0.3-pp311-pypy311_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:191bb60a7be5e6f54e30ba16fdfae78ad3a342a0599eb4193ba88e3f3d6e185b", size = 4243992, upload-time = "2025-10-15T23:18:18.695Z" }, - { url = "https://files.pythonhosted.org/packages/b0/0c/35b3d92ddebfdfda76bb485738306545817253d0a3ded0bfe80ef8e67aa5/cryptography-46.0.3-pp311-pypy311_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:c70cc23f12726be8f8bc72e41d5065d77e4515efae3690326764ea1b07845cfb", size = 4409944, upload-time = "2025-10-15T23:18:20.597Z" }, - { url = "https://files.pythonhosted.org/packages/99/55/181022996c4063fc0e7666a47049a1ca705abb9c8a13830f074edb347495/cryptography-46.0.3-pp311-pypy311_pp73-manylinux_2_34_aarch64.whl", hash = "sha256:9394673a9f4de09e28b5356e7fff97d778f8abad85c9d5ac4a4b7e25a0de7717", size = 4242957, upload-time = "2025-10-15T23:18:22.18Z" }, - { url = "https://files.pythonhosted.org/packages/ba/af/72cd6ef29f9c5f731251acadaeb821559fe25f10852f44a63374c9ca08c1/cryptography-46.0.3-pp311-pypy311_pp73-manylinux_2_34_x86_64.whl", hash = "sha256:94cd0549accc38d1494e1f8de71eca837d0509d0d44bf11d158524b0e12cebf9", size = 4409447, upload-time = "2025-10-15T23:18:24.209Z" }, - { url = "https://files.pythonhosted.org/packages/0d/c3/e90f4a4feae6410f914f8ebac129b9ae7a8c92eb60a638012dde42030a9d/cryptography-46.0.3-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:6b5063083824e5509fdba180721d55909ffacccc8adbec85268b48439423d78c", size = 3438528, upload-time = "2025-10-15T23:18:26.227Z" }, -] - -[[package]] -name = "cycler" -version = "0.12.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/a9/95/a3dbbb5028f35eafb79008e7522a75244477d2838f38cbb722248dabc2a8/cycler-0.12.1.tar.gz", hash = "sha256:88bb128f02ba341da8ef447245a9e138fae777f6a23943da4540077d3601eb1c", size = 7615, upload-time = "2023-10-07T05:32:18.335Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e7/05/c19819d5e3d95294a6f5947fb9b9629efb316b96de511b418c53d245aae6/cycler-0.12.1-py3-none-any.whl", hash = "sha256:85cef7cff222d8644161529808465972e51340599459b8ac3ccbac5a854e0d30", size = 8321, upload-time = "2023-10-07T05:32:16.783Z" }, -] - -[[package]] -name = "databricks-sdk" -version = "0.70.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "google-auth" }, - { name = "protobuf" }, - { name = "requests" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/0e/c0/7bca00fcf265bc1fc8ac9452f8fc80779ca56225e11ffce5fbbcd1b47e17/databricks_sdk-0.70.0.tar.gz", hash = "sha256:a4e2141972a5aebca7f4cda0a8e7e3ea444d150fea9bb28fcbd1746e62f65735", size = 798157, upload-time = "2025-10-23T13:44:18.217Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/45/b9/202b3ff6f2c53736aa45b68870da0de1226e1abe15fc3f2222278cb8193c/databricks_sdk-0.70.0-py3-none-any.whl", hash = "sha256:f573d76cd6960d390253929950210145e9175242196c6f192facd8ea00bc91f2", size = 752568, upload-time = "2025-10-23T13:44:16.474Z" }, -] - -[[package]] -name = "debugpy" -version = "1.8.17" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/15/ad/71e708ff4ca377c4230530d6a7aa7992592648c122a2cd2b321cf8b35a76/debugpy-1.8.17.tar.gz", hash = "sha256:fd723b47a8c08892b1a16b2c6239a8b96637c62a59b94bb5dab4bac592a58a8e", size = 1644129, upload-time = "2025-09-17T16:33:20.633Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/38/36/b57c6e818d909f6e59c0182252921cf435e0951126a97e11de37e72ab5e1/debugpy-1.8.17-cp310-cp310-macosx_15_0_x86_64.whl", hash = "sha256:c41d2ce8bbaddcc0009cc73f65318eedfa3dbc88a8298081deb05389f1ab5542", size = 2098021, upload-time = "2025-09-17T16:33:22.556Z" }, - { url = "https://files.pythonhosted.org/packages/be/01/0363c7efdd1e9febd090bb13cee4fb1057215b157b2979a4ca5ccb678217/debugpy-1.8.17-cp310-cp310-manylinux_2_34_x86_64.whl", hash = "sha256:1440fd514e1b815edd5861ca394786f90eb24960eb26d6f7200994333b1d79e3", size = 3087399, upload-time = "2025-09-17T16:33:24.292Z" }, - { url = "https://files.pythonhosted.org/packages/79/bc/4a984729674aa9a84856650438b9665f9a1d5a748804ac6f37932ce0d4aa/debugpy-1.8.17-cp310-cp310-win32.whl", hash = "sha256:3a32c0af575749083d7492dc79f6ab69f21b2d2ad4cd977a958a07d5865316e4", size = 5230292, upload-time = "2025-09-17T16:33:26.137Z" }, - { url = "https://files.pythonhosted.org/packages/5d/19/2b9b3092d0cf81a5aa10c86271999453030af354d1a5a7d6e34c574515d7/debugpy-1.8.17-cp310-cp310-win_amd64.whl", hash = "sha256:a3aad0537cf4d9c1996434be68c6c9a6d233ac6f76c2a482c7803295b4e4f99a", size = 5261885, upload-time = "2025-09-17T16:33:27.592Z" }, - { url = "https://files.pythonhosted.org/packages/d8/53/3af72b5c159278c4a0cf4cffa518675a0e73bdb7d1cac0239b815502d2ce/debugpy-1.8.17-cp311-cp311-macosx_15_0_universal2.whl", hash = "sha256:d3fce3f0e3de262a3b67e69916d001f3e767661c6e1ee42553009d445d1cd840", size = 2207154, upload-time = "2025-09-17T16:33:29.457Z" }, - { url = "https://files.pythonhosted.org/packages/8f/6d/204f407df45600e2245b4a39860ed4ba32552330a0b3f5f160ae4cc30072/debugpy-1.8.17-cp311-cp311-manylinux_2_34_x86_64.whl", hash = "sha256:c6bdf134457ae0cac6fb68205776be635d31174eeac9541e1d0c062165c6461f", size = 3170322, upload-time = "2025-09-17T16:33:30.837Z" }, - { url = "https://files.pythonhosted.org/packages/f2/13/1b8f87d39cf83c6b713de2620c31205299e6065622e7dd37aff4808dd410/debugpy-1.8.17-cp311-cp311-win32.whl", hash = "sha256:e79a195f9e059edfe5d8bf6f3749b2599452d3e9380484cd261f6b7cd2c7c4da", size = 5155078, upload-time = "2025-09-17T16:33:33.331Z" }, - { url = "https://files.pythonhosted.org/packages/c2/c5/c012c60a2922cc91caa9675d0ddfbb14ba59e1e36228355f41cab6483469/debugpy-1.8.17-cp311-cp311-win_amd64.whl", hash = "sha256:b532282ad4eca958b1b2d7dbcb2b7218e02cb934165859b918e3b6ba7772d3f4", size = 5179011, upload-time = "2025-09-17T16:33:35.711Z" }, - { url = "https://files.pythonhosted.org/packages/08/2b/9d8e65beb2751876c82e1aceb32f328c43ec872711fa80257c7674f45650/debugpy-1.8.17-cp312-cp312-macosx_15_0_universal2.whl", hash = "sha256:f14467edef672195c6f6b8e27ce5005313cb5d03c9239059bc7182b60c176e2d", size = 2549522, upload-time = "2025-09-17T16:33:38.466Z" }, - { url = "https://files.pythonhosted.org/packages/b4/78/eb0d77f02971c05fca0eb7465b18058ba84bd957062f5eec82f941ac792a/debugpy-1.8.17-cp312-cp312-manylinux_2_34_x86_64.whl", hash = "sha256:24693179ef9dfa20dca8605905a42b392be56d410c333af82f1c5dff807a64cc", size = 4309417, upload-time = "2025-09-17T16:33:41.299Z" }, - { url = "https://files.pythonhosted.org/packages/37/42/c40f1d8cc1fed1e75ea54298a382395b8b937d923fcf41ab0797a554f555/debugpy-1.8.17-cp312-cp312-win32.whl", hash = "sha256:6a4e9dacf2cbb60d2514ff7b04b4534b0139facbf2abdffe0639ddb6088e59cf", size = 5277130, upload-time = "2025-09-17T16:33:43.554Z" }, - { url = "https://files.pythonhosted.org/packages/72/22/84263b205baad32b81b36eac076de0cdbe09fe2d0637f5b32243dc7c925b/debugpy-1.8.17-cp312-cp312-win_amd64.whl", hash = "sha256:e8f8f61c518952fb15f74a302e068b48d9c4691768ade433e4adeea961993464", size = 5319053, upload-time = "2025-09-17T16:33:53.033Z" }, - { url = "https://files.pythonhosted.org/packages/50/76/597e5cb97d026274ba297af8d89138dfd9e695767ba0e0895edb20963f40/debugpy-1.8.17-cp313-cp313-macosx_15_0_universal2.whl", hash = "sha256:857c1dd5d70042502aef1c6d1c2801211f3ea7e56f75e9c335f434afb403e464", size = 2538386, upload-time = "2025-09-17T16:33:54.594Z" }, - { url = "https://files.pythonhosted.org/packages/5f/60/ce5c34fcdfec493701f9d1532dba95b21b2f6394147234dce21160bd923f/debugpy-1.8.17-cp313-cp313-manylinux_2_34_x86_64.whl", hash = "sha256:3bea3b0b12f3946e098cce9b43c3c46e317b567f79570c3f43f0b96d00788088", size = 4292100, upload-time = "2025-09-17T16:33:56.353Z" }, - { url = "https://files.pythonhosted.org/packages/e8/95/7873cf2146577ef71d2a20bf553f12df865922a6f87b9e8ee1df04f01785/debugpy-1.8.17-cp313-cp313-win32.whl", hash = "sha256:e34ee844c2f17b18556b5bbe59e1e2ff4e86a00282d2a46edab73fd7f18f4a83", size = 5277002, upload-time = "2025-09-17T16:33:58.231Z" }, - { url = "https://files.pythonhosted.org/packages/46/11/18c79a1cee5ff539a94ec4aa290c1c069a5580fd5cfd2fb2e282f8e905da/debugpy-1.8.17-cp313-cp313-win_amd64.whl", hash = "sha256:6c5cd6f009ad4fca8e33e5238210dc1e5f42db07d4b6ab21ac7ffa904a196420", size = 5319047, upload-time = "2025-09-17T16:34:00.586Z" }, - { url = "https://files.pythonhosted.org/packages/de/45/115d55b2a9da6de812696064ceb505c31e952c5d89c4ed1d9bb983deec34/debugpy-1.8.17-cp314-cp314-macosx_15_0_universal2.whl", hash = "sha256:045290c010bcd2d82bc97aa2daf6837443cd52f6328592698809b4549babcee1", size = 2536899, upload-time = "2025-09-17T16:34:02.657Z" }, - { url = "https://files.pythonhosted.org/packages/5a/73/2aa00c7f1f06e997ef57dc9b23d61a92120bec1437a012afb6d176585197/debugpy-1.8.17-cp314-cp314-manylinux_2_34_x86_64.whl", hash = "sha256:b69b6bd9dba6a03632534cdf67c760625760a215ae289f7489a452af1031fe1f", size = 4268254, upload-time = "2025-09-17T16:34:04.486Z" }, - { url = "https://files.pythonhosted.org/packages/86/b5/ed3e65c63c68a6634e3ba04bd10255c8e46ec16ebed7d1c79e4816d8a760/debugpy-1.8.17-cp314-cp314-win32.whl", hash = "sha256:5c59b74aa5630f3a5194467100c3b3d1c77898f9ab27e3f7dc5d40fc2f122670", size = 5277203, upload-time = "2025-09-17T16:34:06.65Z" }, - { url = "https://files.pythonhosted.org/packages/b0/26/394276b71c7538445f29e792f589ab7379ae70fd26ff5577dfde71158e96/debugpy-1.8.17-cp314-cp314-win_amd64.whl", hash = "sha256:893cba7bb0f55161de4365584b025f7064e1f88913551bcd23be3260b231429c", size = 5318493, upload-time = "2025-09-17T16:34:08.483Z" }, - { url = "https://files.pythonhosted.org/packages/b0/d0/89247ec250369fc76db477720a26b2fce7ba079ff1380e4ab4529d2fe233/debugpy-1.8.17-py2.py3-none-any.whl", hash = "sha256:60c7dca6571efe660ccb7a9508d73ca14b8796c4ed484c2002abba714226cfef", size = 5283210, upload-time = "2025-09-17T16:34:25.835Z" }, -] - -[[package]] -name = "decli" -version = "0.6.3" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/0c/59/d4ffff1dee2c8f6f2dd8f87010962e60f7b7847504d765c91ede5a466730/decli-0.6.3.tar.gz", hash = "sha256:87f9d39361adf7f16b9ca6e3b614badf7519da13092f2db3c80ca223c53c7656", size = 7564, upload-time = "2025-06-01T15:23:41.25Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/d8/fa/ec878c28bc7f65b77e7e17af3522c9948a9711b9fa7fc4c5e3140a7e3578/decli-0.6.3-py3-none-any.whl", hash = "sha256:5152347c7bb8e3114ad65db719e5709b28d7f7f45bdb709f70167925e55640f3", size = 7989, upload-time = "2025-06-01T15:23:40.228Z" }, -] - -[[package]] -name = "decorator" -version = "5.2.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/43/fa/6d96a0978d19e17b68d634497769987b16c8f4cd0a7a05048bec693caa6b/decorator-5.2.1.tar.gz", hash = "sha256:65f266143752f734b0a7cc83c46f4618af75b8c5911b00ccb61d0ac9b6da0360", size = 56711, upload-time = "2025-02-24T04:41:34.073Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/4e/8c/f3147f5c4b73e7550fe5f9352eaa956ae838d5c51eb58e7a25b9f3e2643b/decorator-5.2.1-py3-none-any.whl", hash = "sha256:d316bb415a2d9e2d2b3abcc4084c6502fc09240e292cd76a76afc106a1c8e04a", size = 9190, upload-time = "2025-02-24T04:41:32.565Z" }, -] - -[[package]] -name = "defusedxml" -version = "0.7.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/0f/d5/c66da9b79e5bdb124974bfe172b4daf3c984ebd9c2a06e2b8a4dc7331c72/defusedxml-0.7.1.tar.gz", hash = "sha256:1bb3032db185915b62d7c6209c5a8792be6a32ab2fedacc84e01b52c51aa3e69", size = 75520, upload-time = "2021-03-08T10:59:26.269Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/07/6c/aa3f2f849e01cb6a001cd8554a88d4c77c5c1a31c95bdf1cf9301e6d9ef4/defusedxml-0.7.1-py2.py3-none-any.whl", hash = "sha256:a352e7e428770286cc899e2542b6cdaedb2b4953ff269a210103ec58f6198a61", size = 25604, upload-time = "2021-03-08T10:59:24.45Z" }, -] - -[[package]] -name = "deprecated" -version = "1.2.18" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "wrapt" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/98/97/06afe62762c9a8a86af0cfb7bfdab22a43ad17138b07af5b1a58442690a2/deprecated-1.2.18.tar.gz", hash = "sha256:422b6f6d859da6f2ef57857761bfb392480502a64c3028ca9bbe86085d72115d", size = 2928744, upload-time = "2025-01-27T10:46:25.7Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/6e/c6/ac0b6c1e2d138f1002bcf799d330bd6d85084fece321e662a14223794041/Deprecated-1.2.18-py2.py3-none-any.whl", hash = "sha256:bd5011788200372a32418f888e326a09ff80d0214bd961147cfed01b5c018eec", size = 9998, upload-time = "2025-01-27T10:46:09.186Z" }, -] - -[[package]] -name = "dill" -version = "0.4.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/12/80/630b4b88364e9a8c8c5797f4602d0f76ef820909ee32f0bacb9f90654042/dill-0.4.0.tar.gz", hash = "sha256:0633f1d2df477324f53a895b02c901fb961bdbf65a17122586ea7019292cbcf0", size = 186976, upload-time = "2025-04-16T00:41:48.867Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/50/3d/9373ad9c56321fdab5b41197068e1d8c25883b3fea29dd361f9b55116869/dill-0.4.0-py3-none-any.whl", hash = "sha256:44f54bf6412c2c8464c14e8243eb163690a9800dbe2c367330883b19c7561049", size = 119668, upload-time = "2025-04-16T00:41:47.671Z" }, -] - -[[package]] -name = "distlib" -version = "0.4.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/96/8e/709914eb2b5749865801041647dc7f4e6d00b549cfe88b65ca192995f07c/distlib-0.4.0.tar.gz", hash = "sha256:feec40075be03a04501a973d81f633735b4b69f98b05450592310c0f401a4e0d", size = 614605, upload-time = "2025-07-17T16:52:00.465Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/33/6b/e0547afaf41bf2c42e52430072fa5658766e3d65bd4b03a563d1b6336f57/distlib-0.4.0-py2.py3-none-any.whl", hash = "sha256:9659f7d87e46584a30b5780e43ac7a2143098441670ff0a49d5f9034c54a6c16", size = 469047, upload-time = "2025-07-17T16:51:58.613Z" }, -] - -[[package]] -name = "distro" -version = "1.9.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/fc/f8/98eea607f65de6527f8a2e8885fc8015d3e6f5775df186e443e0964a11c3/distro-1.9.0.tar.gz", hash = "sha256:2fa77c6fd8940f116ee1d6b94a2f90b13b5ea8d019b98bc8bafdcabcdd9bdbed", size = 60722, upload-time = "2023-12-24T09:54:32.31Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/12/b3/231ffd4ab1fc9d679809f356cebee130ac7daa00d6d6f3206dd4fd137e9e/distro-1.9.0-py3-none-any.whl", hash = "sha256:7bffd925d65168f85027d8da9af6bddab658135b840670a223589bc0c8ef02b2", size = 20277, upload-time = "2023-12-24T09:54:30.421Z" }, -] - -[[package]] -name = "docker" -version = "7.1.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "pywin32", marker = "sys_platform == 'win32' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "requests" }, - { name = "urllib3" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/91/9b/4a2ea29aeba62471211598dac5d96825bb49348fa07e906ea930394a83ce/docker-7.1.0.tar.gz", hash = "sha256:ad8c70e6e3f8926cb8a92619b832b4ea5299e2831c14284663184e200546fa6c", size = 117834, upload-time = "2024-05-23T11:13:57.216Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e3/26/57c6fb270950d476074c087527a558ccb6f4436657314bfb6cdf484114c4/docker-7.1.0-py3-none-any.whl", hash = "sha256:c96b93b7f0a746f9e77d325bcfb87422a3d8bd4f03136ae8a85b37f1898d5fc0", size = 147774, upload-time = "2024-05-23T11:13:55.01Z" }, -] - -[[package]] -name = "docstring-parser" -version = "0.17.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/b2/9d/c3b43da9515bd270df0f80548d9944e389870713cc1fe2b8fb35fe2bcefd/docstring_parser-0.17.0.tar.gz", hash = "sha256:583de4a309722b3315439bb31d64ba3eebada841f2e2cee23b99df001434c912", size = 27442, upload-time = "2025-07-21T07:35:01.868Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/55/e2/2537ebcff11c1ee1ff17d8d0b6f4db75873e3b0fb32c2d4a2ee31ecb310a/docstring_parser-0.17.0-py3-none-any.whl", hash = "sha256:cf2569abd23dce8099b300f9b4fa8191e9582dda731fd533daf54c4551658708", size = 36896, upload-time = "2025-07-21T07:35:00.684Z" }, -] - -[[package]] -name = "docutils" -version = "0.21.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/ae/ed/aefcc8cd0ba62a0560c3c18c33925362d46c6075480bfa4df87b28e169a9/docutils-0.21.2.tar.gz", hash = "sha256:3a6b18732edf182daa3cd12775bbb338cf5691468f91eeeb109deff6ebfa986f", size = 2204444, upload-time = "2024-04-23T18:57:18.24Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/8f/d7/9322c609343d929e75e7e5e6255e614fcc67572cfd083959cdef3b7aad79/docutils-0.21.2-py3-none-any.whl", hash = "sha256:dafca5b9e384f0e419294eb4d2ff9fa826435bf15f15b7bd45723e8ad76811b2", size = 587408, upload-time = "2024-04-23T18:57:14.835Z" }, -] - -[[package]] -name = "dpcpp-cpp-rt" -version = "2025.1.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "intel-opencl-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "intel-openmp", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "intel-sycl-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/2f/f9/dbaaabd6b2d35a824531da534b1b20945006b9500ca696145f2987e14aec/dpcpp_cpp_rt-2025.1.1-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:670285c8aa5f242456d3d95b9fa7cec12ad2ac34d785470780af4cd58be054c0", size = 28824, upload-time = "2025-04-30T09:16:00.212Z" }, - { url = "https://files.pythonhosted.org/packages/72/6d/d10744b4ce0273b26d6c7e35cea8fe9a2b1639c2bbc81c724c64194b5ea2/dpcpp_cpp_rt-2025.1.1-py2.py3-none-win_amd64.whl", hash = "sha256:5470a3b81c90a4064b0495fd05257e26cacd8e4c9bed1ed15481798cd08f41ff", size = 58375, upload-time = "2025-04-30T09:15:25.547Z" }, -] - -[[package]] -name = "dulwich" -version = "0.24.7" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "typing-extensions", marker = "python_full_version < '3.12' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "urllib3" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/3a/40/ac6b7a749395edacd057278ac30cd66f15261581fe20c440327aa6fa9c5e/dulwich-0.24.7.tar.gz", hash = "sha256:f10bffa1395a8dedc3d38ac05164f761ae838a6a18f9a09a966f27dd651850d4", size = 968411, upload-time = "2025-10-23T11:01:34.894Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/b2/25/f576e3415c4434b01dd42eef58f2093babe51a7e9854edd86c03ab7833ac/dulwich-0.24.7-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:d55ccb9b89c00334a372bd1a8ac8203669251af0d1747dff36730eca617f941f", size = 1203966, upload-time = "2025-10-23T11:00:45.174Z" }, - { url = "https://files.pythonhosted.org/packages/ac/9b/a54fdcad2d9a756a3e22a834bc8e34515a9b787224256cc655d5f8432915/dulwich-0.24.7-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:03baba91e4c143e8cacf1e55c91061a401a266de4ced5904909825a934b43cbb", size = 1283883, upload-time = "2025-10-23T11:00:47.813Z" }, - { url = "https://files.pythonhosted.org/packages/d8/06/1d4bf1fca40fb3bb65eaccb6e8ec069ac8f58a11ba4bb179896cd434b1e9/dulwich-0.24.7-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:1476379539c60a689ccfefbde3ec3b5e584cd6fc8669de89e69c4ea6a404520f", size = 1309976, upload-time = "2025-10-23T11:00:49.064Z" }, - { url = "https://files.pythonhosted.org/packages/c7/6c/8e680917c4cc26571ba42672a44f1d22cf570f5c6840abf861730cbded8c/dulwich-0.24.7-cp310-cp310-win32.whl", hash = "sha256:e3675065022ec06a9ddc339e317900a1b4e6cc020516704e7c58eb3ba990458a", size = 873827, upload-time = "2025-10-23T11:00:50.692Z" }, - { url = "https://files.pythonhosted.org/packages/9c/28/f32471fe5d72084183651e61b6c64767b2b2b4540312193e88077d6f44b8/dulwich-0.24.7-cp310-cp310-win_amd64.whl", hash = "sha256:7c9f59c4089667f64e9f6c3711a444067882f1ae3d27e6475acf2c12ec9aeadc", size = 888277, upload-time = "2025-10-23T11:00:51.95Z" }, - { url = "https://files.pythonhosted.org/packages/b2/25/9ecbd82016a27cc9599554039adc1ac3b5ab89020b65493d864c685e7183/dulwich-0.24.7-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:381baadd6b4af9264586b91fe09260ccf790b08dae5ef688645503c199094c7a", size = 1203387, upload-time = "2025-10-23T11:00:53.683Z" }, - { url = "https://files.pythonhosted.org/packages/b7/6e/f6c2da48ffbfa94938579efec5fb9071dc345585327ce8d545eb12c97ea5/dulwich-0.24.7-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:f88c2e7f6c369f2d988e14b76d2228a48d3aea475e7ff13ceb156edb3a18b2f9", size = 1283164, upload-time = "2025-10-23T11:00:55.296Z" }, - { url = "https://files.pythonhosted.org/packages/5e/e3/f94789b688b56e9b8383af7745605cd5b3c6ad1c835e7b0228a1a33e7313/dulwich-0.24.7-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:bb12ace558b3f4ba37bbd069d0f6bd4add7416693a3bc95e3286c5acff0c05a1", size = 1309442, upload-time = "2025-10-23T11:00:57.672Z" }, - { url = "https://files.pythonhosted.org/packages/62/b7/c4eb362b5cd3138835519592190f1662055ca1b323c82bc9f2d03ee5c1d5/dulwich-0.24.7-cp311-cp311-win32.whl", hash = "sha256:ae60eec025625e65f7caf37a69076b12cdb4b63ddb317990ff0cb817c8132988", size = 872557, upload-time = "2025-10-23T11:00:59.39Z" }, - { url = "https://files.pythonhosted.org/packages/67/17/0bc77b51263b0bca688056afb608645cdd5458f84bb368138b0abf45846f/dulwich-0.24.7-cp311-cp311-win_amd64.whl", hash = "sha256:d328200d3caa20557e0568e8dd6c46714406b45abd4e0b333eeb5436614e4f3c", size = 888456, upload-time = "2025-10-23T11:01:00.665Z" }, - { url = "https://files.pythonhosted.org/packages/f1/0d/70e305ff1a666f157acac2bc3c73c94ce267e9112173fa2fcf852216430f/dulwich-0.24.7-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:5cb46d76558147529d8de295f8ca22bce0a4cb62163f708c54fc92f2a8d8728f", size = 1196408, upload-time = "2025-10-23T11:01:02.388Z" }, - { url = "https://files.pythonhosted.org/packages/6f/dc/e3628cc61ecc3ff7193639728f2c2cea8865d4e0e355edd8f941a441639c/dulwich-0.24.7-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:ba0a121b148dffa5cc3d5fdceb32a002cb6b75a6b79abd89750584baa5021c0b", size = 1278919, upload-time = "2025-10-23T11:01:03.932Z" }, - { url = "https://files.pythonhosted.org/packages/11/09/2a70e2bbf07ee7be5b7d5c9c4324fb18a54df99d174daca6e84c3c3f1bb5/dulwich-0.24.7-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:23182ca6bd54b74109c2fb2bb70b6c34e7dc3bbcc08ecb5c6c31a3a4aa1b30c3", size = 1305337, upload-time = "2025-10-23T11:01:05.844Z" }, - { url = "https://files.pythonhosted.org/packages/5c/37/f229c33be8104703a62364f33d10582a278356f4b6e2c1ab78d85cc73b89/dulwich-0.24.7-cp312-cp312-win32.whl", hash = "sha256:1c154a8f33acd815ad990e85d230497de892dde2476e35370f5762d34a1f70fa", size = 867545, upload-time = "2025-10-23T11:01:07.526Z" }, - { url = "https://files.pythonhosted.org/packages/2a/16/5afbd1ef7927f9d0bc230121c94a991b41ed667a9e033603c9919118e7d3/dulwich-0.24.7-cp312-cp312-win_amd64.whl", hash = "sha256:19f7a90377f5814716beaaeec34897d181c200a666baf477650e0cd4c699443f", size = 884404, upload-time = "2025-10-23T11:01:09.185Z" }, - { url = "https://files.pythonhosted.org/packages/bf/09/f24980d91916c5c374b0749071d1d531a072242905c5746787531e3db32c/dulwich-0.24.7-cp313-cp313-android_21_arm64_v8a.whl", hash = "sha256:461f2a894e1045fc6faad1ca0123aac87554f5dd40cbb5772e35933f1f6f1e32", size = 1301845, upload-time = "2025-10-23T11:01:10.617Z" }, - { url = "https://files.pythonhosted.org/packages/58/72/7c122b7e3ea8d98219df58e63abbd55b5b1980bd491ac81a32dfbebf9eec/dulwich-0.24.7-cp313-cp313-android_21_x86_64.whl", hash = "sha256:c8f44cb89d85fe40fa91ec34190d70a016be917ee841591fdbe9fd7e0ff61fc2", size = 1301838, upload-time = "2025-10-23T11:01:11.894Z" }, - { url = "https://files.pythonhosted.org/packages/4a/e8/76c642258967a694fb313a3fbc0f0ca3c376292f0de60654f91cd0eefebe/dulwich-0.24.7-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:06219dd38d553f18184dc885fbabe27d3d344ab0327d4ab3f1606617c09d8b32", size = 1197035, upload-time = "2025-10-23T11:01:13.225Z" }, - { url = "https://files.pythonhosted.org/packages/78/ec/c422e81037a537dac21a18357e1e828e67346c6f3af101821c3a089745b2/dulwich-0.24.7-cp313-cp313-manylinux_2_28_aarch64.whl", hash = "sha256:3eb5af24dd2c760701f4b7780b1a9fb5a0da731053fe5d1d0a2f92daa4c62240", size = 1278914, upload-time = "2025-10-23T11:01:14.717Z" }, - { url = "https://files.pythonhosted.org/packages/91/c3/bfaf8426ebd44d4834f7578e543727543a2ccdda8e7b40be919b857872b5/dulwich-0.24.7-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:d8c42e45c217506759170b01b09e194acce1463aafd61f71fb7094b192ad09aa", size = 1304168, upload-time = "2025-10-23T11:01:16.677Z" }, - { url = "https://files.pythonhosted.org/packages/8a/52/3a7d40831ba5ab0701fc3bf67d28cc10c4fcddfc8ae5a600232837e1ffe1/dulwich-0.24.7-cp313-cp313-win32.whl", hash = "sha256:32e7e18edfad5dfb978ccf8e575b5776234110b722ea677d4e843058a1df1dd0", size = 867697, upload-time = "2025-10-23T11:01:18.654Z" }, - { url = "https://files.pythonhosted.org/packages/5a/b7/8d026a8ee3186c3a939ae41248eee47b374427547bd660088f4b8beb5920/dulwich-0.24.7-cp313-cp313-win_amd64.whl", hash = "sha256:265549c96680be1f6322cfeabb41337714c1a128824ab7e06d8c9d8a2640f4fb", size = 884367, upload-time = "2025-10-23T11:01:19.993Z" }, - { url = "https://files.pythonhosted.org/packages/0a/86/6c55c8ed6458be5eb6bbbf70190ed9dc1d3d6d7999cae1b92f6f595ad5c2/dulwich-0.24.7-cp314-cp314-android_24_arm64_v8a.whl", hash = "sha256:d29784211e7aeb84ddca1265fe7b8356556f8da531432b542084fb70e8341a00", size = 1300191, upload-time = "2025-10-23T11:01:22.006Z" }, - { url = "https://files.pythonhosted.org/packages/42/3d/68a11ed26d10aeb421f500a3b6e42c959763ef93bb2c5a00d6a75ef73750/dulwich-0.24.7-cp314-cp314-android_24_x86_64.whl", hash = "sha256:4bb0673480005c7aa331b05af77795f2612e5155fbecaaa0c3fd9da665dad420", size = 1300185, upload-time = "2025-10-23T11:01:24.138Z" }, - { url = "https://files.pythonhosted.org/packages/14/30/d5c337fcf96e2b159b61053fd5b374b80629d28267f471483a3da5577ce3/dulwich-0.24.7-py3-none-any.whl", hash = "sha256:c1d6e35d7c41982d4ba375ce8ba9db783f4b4ca1a00c62f3121eb881f5c03c53", size = 545605, upload-time = "2025-10-23T11:01:33.566Z" }, -] - -[[package]] -name = "einops" -version = "0.8.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/e5/81/df4fbe24dff8ba3934af99044188e20a98ed441ad17a274539b74e82e126/einops-0.8.1.tar.gz", hash = "sha256:de5d960a7a761225532e0f1959e5315ebeafc0cd43394732f103ca44b9837e84", size = 54805, upload-time = "2025-02-09T03:17:00.434Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/87/62/9773de14fe6c45c23649e98b83231fffd7b9892b6cf863251dc2afa73643/einops-0.8.1-py3-none-any.whl", hash = "sha256:919387eb55330f5757c6bea9165c5ff5cfe63a642682ea788a6d472576d81737", size = 64359, upload-time = "2025-02-09T03:17:01.998Z" }, -] - -[[package]] -name = "everett" -version = "3.1.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/c0/b4/c7c61c0b243c4277d19299cd1bccee8b2b57d04073c0d8625799fe47f5c9/everett-3.1.0.tar.gz", hash = "sha256:46175da5bcb06c193aa129e59714bca981344ff067c3a8bc2e625bc0b3dc01f6", size = 73796, upload-time = "2022-10-26T15:15:00.651Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/91/9a/d882fd7562208456236fb2e62b762bf16fbc9ecde842bb871f676ca0f7e1/everett-3.1.0-py2.py3-none-any.whl", hash = "sha256:db13891b849e45e54faea93ee79881d12458c5378f5b9b7f806eeff03ce1de3c", size = 35702, upload-time = "2022-10-26T15:14:58.698Z" }, -] - -[package.optional-dependencies] -ini = [ - { name = "configobj" }, -] - -[[package]] -name = "exceptiongroup" -version = "1.3.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "typing-extensions", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/0b/9f/a65090624ecf468cdca03533906e7c69ed7588582240cfe7cc9e770b50eb/exceptiongroup-1.3.0.tar.gz", hash = "sha256:b241f5885f560bc56a59ee63ca4c6a8bfa46ae4ad651af316d4e81817bb9fd88", size = 29749, upload-time = "2025-05-10T17:42:51.123Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/36/f4/c6e662dade71f56cd2f3735141b265c3c79293c109549c1e6933b0651ffc/exceptiongroup-1.3.0-py3-none-any.whl", hash = "sha256:4d111e6e0c13d0644cad6ddaa7ed0261a0b36971f6d23e7ec9b4b9097da78a10", size = 16674, upload-time = "2025-05-10T17:42:49.33Z" }, -] - -[[package]] -name = "execnet" -version = "2.1.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/bb/ff/b4c0dc78fbe20c3e59c0c7334de0c27eb4001a2b2017999af398bf730817/execnet-2.1.1.tar.gz", hash = "sha256:5189b52c6121c24feae288166ab41b32549c7e2348652736540b9e6e7d4e72e3", size = 166524, upload-time = "2024-04-08T09:04:19.245Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/43/09/2aea36ff60d16dd8879bdb2f5b3ee0ba8d08cbbdcdfe870e695ce3784385/execnet-2.1.1-py3-none-any.whl", hash = "sha256:26dee51f1b80cebd6d0ca8e74dd8745419761d3bef34163928cbebbdc4749fdc", size = 40612, upload-time = "2024-04-08T09:04:17.414Z" }, -] - -[[package]] -name = "executing" -version = "2.2.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/cc/28/c14e053b6762b1044f34a13aab6859bbf40456d37d23aa286ac24cfd9a5d/executing-2.2.1.tar.gz", hash = "sha256:3632cc370565f6648cc328b32435bd120a1e4ebb20c77e3fdde9a13cd1e533c4", size = 1129488, upload-time = "2025-09-01T09:48:10.866Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/c1/ea/53f2148663b321f21b5a606bd5f191517cf40b7072c0497d3c92c4a13b1e/executing-2.2.1-py2.py3-none-any.whl", hash = "sha256:760643d3452b4d777d295bb167ccc74c64a81df23fb5e08eff250c425a4b2017", size = 28317, upload-time = "2025-09-01T09:48:08.5Z" }, -] - -[[package]] -name = "fastapi" -version = "0.120.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "annotated-doc" }, - { name = "pydantic" }, - { name = "starlette" }, - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/40/cc/28aff6e246ee85bd571b26e4a793b84d42700e3bdc3008c3d747eda7b06d/fastapi-0.120.1.tar.gz", hash = "sha256:b5c6217e9ddca6dfcf54c97986180d4a1955e10c693d74943fc5327700178bff", size = 337616, upload-time = "2025-10-27T17:53:42.954Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/7e/bb/1a74dbe87e9a595bf63052c886dfef965dc5b91d149456a8301eb3d41ce2/fastapi-0.120.1-py3-none-any.whl", hash = "sha256:0e8a2c328e96c117272d8c794d3a97d205f753cc2e69dd7ee387b7488a75601f", size = 108254, upload-time = "2025-10-27T17:53:40.076Z" }, -] - -[[package]] -name = "fastjsonschema" -version = "2.21.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/20/b5/23b216d9d985a956623b6bd12d4086b60f0059b27799f23016af04a74ea1/fastjsonschema-2.21.2.tar.gz", hash = "sha256:b1eb43748041c880796cd077f1a07c3d94e93ae84bba5ed36800a33554ae05de", size = 374130, upload-time = "2025-08-14T18:49:36.666Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/cb/a8/20d0723294217e47de6d9e2e40fd4a9d2f7c4b6ef974babd482a59743694/fastjsonschema-2.21.2-py3-none-any.whl", hash = "sha256:1c797122d0a86c5cace2e54bf4e819c36223b552017172f32c5c024a6b77e463", size = 24024, upload-time = "2025-08-14T18:49:34.776Z" }, -] - -[[package]] -name = "ffmpy" -version = "0.6.4" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/d1/c6/bf76e2f5e2fa603988b9ea4f5ead8cacbdcdf87133e329d25a60251d861a/ffmpy-0.6.4.tar.gz", hash = "sha256:9533ad21f878b609ab1a5235668f5c514cb0953361e266e34d33614c3f6712d1", size = 5074, upload-time = "2025-10-22T12:10:57.913Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/36/f3/3e1cbf8cc0d2642de1a34fa6ff5a6dfbd0df4d90a52409f7b3a9e18480b4/ffmpy-0.6.4-py3-none-any.whl", hash = "sha256:21fbf9cd3116279e0629e0f2bf5892306b3336d588165c8db1b5f6361118d811", size = 5596, upload-time = "2025-10-22T12:10:56.915Z" }, -] - -[[package]] -name = "filelock" -version = "3.20.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/58/46/0028a82567109b5ef6e4d2a1f04a583fb513e6cf9527fcdd09afd817deeb/filelock-3.20.0.tar.gz", hash = "sha256:711e943b4ec6be42e1d4e6690b48dc175c822967466bb31c0c293f34334c13f4", size = 18922, upload-time = "2025-10-08T18:03:50.056Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/76/91/7216b27286936c16f5b4d0c530087e4a54eead683e6b0b73dd0c64844af6/filelock-3.20.0-py3-none-any.whl", hash = "sha256:339b4732ffda5cd79b13f4e2711a31b0365ce445d95d243bb996273d072546a2", size = 16054, upload-time = "2025-10-08T18:03:48.35Z" }, -] - -[[package]] -name = "flask" -version = "3.1.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "blinker" }, - { name = "click" }, - { name = "itsdangerous" }, - { name = "jinja2" }, - { name = "markupsafe" }, - { name = "werkzeug" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/dc/6d/cfe3c0fcc5e477df242b98bfe186a4c34357b4847e87ecaef04507332dab/flask-3.1.2.tar.gz", hash = "sha256:bf656c15c80190ed628ad08cdfd3aaa35beb087855e2f494910aa3774cc4fd87", size = 720160, upload-time = "2025-08-19T21:03:21.205Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ec/f9/7f9263c5695f4bd0023734af91bedb2ff8209e8de6ead162f35d8dc762fd/flask-3.1.2-py3-none-any.whl", hash = "sha256:ca1d8112ec8a6158cc29ea4858963350011b5c846a414cdb7a954aa9e967d03c", size = 103308, upload-time = "2025-08-19T21:03:19.499Z" }, -] - -[[package]] -name = "flask-cors" -version = "6.0.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "flask" }, - { name = "werkzeug" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/76/37/bcfa6c7d5eec777c4c7cf45ce6b27631cebe5230caf88d85eadd63edd37a/flask_cors-6.0.1.tar.gz", hash = "sha256:d81bcb31f07b0985be7f48406247e9243aced229b7747219160a0559edd678db", size = 13463, upload-time = "2025-06-11T01:32:08.518Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/17/f8/01bf35a3afd734345528f98d0353f2a978a476528ad4d7e78b70c4d149dd/flask_cors-6.0.1-py3-none-any.whl", hash = "sha256:c7b2cbfb1a31aa0d2e5341eea03a6805349f7a61647daee1a15c46bbe981494c", size = 13244, upload-time = "2025-06-11T01:32:07.352Z" }, -] - -[[package]] -name = "fonttools" -version = "4.60.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/4b/42/97a13e47a1e51a5a7142475bbcf5107fe3a68fc34aef331c897d5fb98ad0/fonttools-4.60.1.tar.gz", hash = "sha256:ef00af0439ebfee806b25f24c8f92109157ff3fac5731dc7867957812e87b8d9", size = 3559823, upload-time = "2025-09-29T21:13:27.129Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/26/70/03e9d89a053caff6ae46053890eba8e4a5665a7c5638279ed4492e6d4b8b/fonttools-4.60.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:9a52f254ce051e196b8fe2af4634c2d2f02c981756c6464dc192f1b6050b4e28", size = 2810747, upload-time = "2025-09-29T21:10:59.653Z" }, - { url = "https://files.pythonhosted.org/packages/6f/41/449ad5aff9670ab0df0f61ee593906b67a36d7e0b4d0cd7fa41ac0325bf5/fonttools-4.60.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:c7420a2696a44650120cdd269a5d2e56a477e2bfa9d95e86229059beb1c19e15", size = 2346909, upload-time = "2025-09-29T21:11:02.882Z" }, - { url = "https://files.pythonhosted.org/packages/9a/18/e5970aa96c8fad1cb19a9479cc3b7602c0c98d250fcdc06a5da994309c50/fonttools-4.60.1-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:ee0c0b3b35b34f782afc673d503167157094a16f442ace7c6c5e0ca80b08f50c", size = 4864572, upload-time = "2025-09-29T21:11:05.096Z" }, - { url = "https://files.pythonhosted.org/packages/ce/20/9b2b4051b6ec6689480787d506b5003f72648f50972a92d04527a456192c/fonttools-4.60.1-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:282dafa55f9659e8999110bd8ed422ebe1c8aecd0dc396550b038e6c9a08b8ea", size = 4794635, upload-time = "2025-09-29T21:11:08.651Z" }, - { url = "https://files.pythonhosted.org/packages/10/52/c791f57347c1be98f8345e3dca4ac483eb97666dd7c47f3059aeffab8b59/fonttools-4.60.1-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:4ba4bd646e86de16160f0fb72e31c3b9b7d0721c3e5b26b9fa2fc931dfdb2652", size = 4843878, upload-time = "2025-09-29T21:11:10.893Z" }, - { url = "https://files.pythonhosted.org/packages/69/e9/35c24a8d01644cee8c090a22fad34d5b61d1e0a8ecbc9945ad785ebf2e9e/fonttools-4.60.1-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:0b0835ed15dd5b40d726bb61c846a688f5b4ce2208ec68779bc81860adb5851a", size = 4954555, upload-time = "2025-09-29T21:11:13.24Z" }, - { url = "https://files.pythonhosted.org/packages/f7/86/fb1e994971be4bdfe3a307de6373ef69a9df83fb66e3faa9c8114893d4cc/fonttools-4.60.1-cp310-cp310-win32.whl", hash = "sha256:1525796c3ffe27bb6268ed2a1bb0dcf214d561dfaf04728abf01489eb5339dce", size = 2232019, upload-time = "2025-09-29T21:11:15.73Z" }, - { url = "https://files.pythonhosted.org/packages/40/84/62a19e2bd56f0e9fb347486a5b26376bade4bf6bbba64dda2c103bd08c94/fonttools-4.60.1-cp310-cp310-win_amd64.whl", hash = "sha256:268ecda8ca6cb5c4f044b1fb9b3b376e8cd1b361cef275082429dc4174907038", size = 2276803, upload-time = "2025-09-29T21:11:18.152Z" }, - { url = "https://files.pythonhosted.org/packages/ea/85/639aa9bface1537e0fb0f643690672dde0695a5bbbc90736bc571b0b1941/fonttools-4.60.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:7b4c32e232a71f63a5d00259ca3d88345ce2a43295bb049d21061f338124246f", size = 2831872, upload-time = "2025-09-29T21:11:20.329Z" }, - { url = "https://files.pythonhosted.org/packages/6b/47/3c63158459c95093be9618794acb1067b3f4d30dcc5c3e8114b70e67a092/fonttools-4.60.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:3630e86c484263eaac71d117085d509cbcf7b18f677906824e4bace598fb70d2", size = 2356990, upload-time = "2025-09-29T21:11:22.754Z" }, - { url = "https://files.pythonhosted.org/packages/94/dd/1934b537c86fcf99f9761823f1fc37a98fbd54568e8e613f29a90fed95a9/fonttools-4.60.1-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:5c1015318e4fec75dd4943ad5f6a206d9727adf97410d58b7e32ab644a807914", size = 5042189, upload-time = "2025-09-29T21:11:25.061Z" }, - { url = "https://files.pythonhosted.org/packages/d2/d2/9f4e4c4374dd1daa8367784e1bd910f18ba886db1d6b825b12edf6db3edc/fonttools-4.60.1-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:e6c58beb17380f7c2ea181ea11e7db8c0ceb474c9dd45f48e71e2cb577d146a1", size = 4978683, upload-time = "2025-09-29T21:11:27.693Z" }, - { url = "https://files.pythonhosted.org/packages/cc/c4/0fb2dfd1ecbe9a07954cc13414713ed1eab17b1c0214ef07fc93df234a47/fonttools-4.60.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:ec3681a0cb34c255d76dd9d865a55f260164adb9fa02628415cdc2d43ee2c05d", size = 5021372, upload-time = "2025-09-29T21:11:30.257Z" }, - { url = "https://files.pythonhosted.org/packages/0c/d5/495fc7ae2fab20223cc87179a8f50f40f9a6f821f271ba8301ae12bb580f/fonttools-4.60.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:f4b5c37a5f40e4d733d3bbaaef082149bee5a5ea3156a785ff64d949bd1353fa", size = 5132562, upload-time = "2025-09-29T21:11:32.737Z" }, - { url = "https://files.pythonhosted.org/packages/bc/fa/021dab618526323c744e0206b3f5c8596a2e7ae9aa38db5948a131123e83/fonttools-4.60.1-cp311-cp311-win32.whl", hash = "sha256:398447f3d8c0c786cbf1209711e79080a40761eb44b27cdafffb48f52bcec258", size = 2230288, upload-time = "2025-09-29T21:11:35.015Z" }, - { url = "https://files.pythonhosted.org/packages/bb/78/0e1a6d22b427579ea5c8273e1c07def2f325b977faaf60bb7ddc01456cb1/fonttools-4.60.1-cp311-cp311-win_amd64.whl", hash = "sha256:d066ea419f719ed87bc2c99a4a4bfd77c2e5949cb724588b9dd58f3fd90b92bf", size = 2278184, upload-time = "2025-09-29T21:11:37.434Z" }, - { url = "https://files.pythonhosted.org/packages/e3/f7/a10b101b7a6f8836a5adb47f2791f2075d044a6ca123f35985c42edc82d8/fonttools-4.60.1-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:7b0c6d57ab00dae9529f3faf187f2254ea0aa1e04215cf2f1a8ec277c96661bc", size = 2832953, upload-time = "2025-09-29T21:11:39.616Z" }, - { url = "https://files.pythonhosted.org/packages/ed/fe/7bd094b59c926acf2304d2151354ddbeb74b94812f3dc943c231db09cb41/fonttools-4.60.1-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:839565cbf14645952d933853e8ade66a463684ed6ed6c9345d0faf1f0e868877", size = 2352706, upload-time = "2025-09-29T21:11:41.826Z" }, - { url = "https://files.pythonhosted.org/packages/c0/ca/4bb48a26ed95a1e7eba175535fe5805887682140ee0a0d10a88e1de84208/fonttools-4.60.1-cp312-cp312-manylinux1_x86_64.manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:8177ec9676ea6e1793c8a084a90b65a9f778771998eb919d05db6d4b1c0b114c", size = 4923716, upload-time = "2025-09-29T21:11:43.893Z" }, - { url = "https://files.pythonhosted.org/packages/b8/9f/2cb82999f686c1d1ddf06f6ae1a9117a880adbec113611cc9d22b2fdd465/fonttools-4.60.1-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:996a4d1834524adbb423385d5a629b868ef9d774670856c63c9a0408a3063401", size = 4968175, upload-time = "2025-09-29T21:11:46.439Z" }, - { url = "https://files.pythonhosted.org/packages/18/79/be569699e37d166b78e6218f2cde8c550204f2505038cdd83b42edc469b9/fonttools-4.60.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:a46b2f450bc79e06ef3b6394f0c68660529ed51692606ad7f953fc2e448bc903", size = 4911031, upload-time = "2025-09-29T21:11:48.977Z" }, - { url = "https://files.pythonhosted.org/packages/cc/9f/89411cc116effaec5260ad519162f64f9c150e5522a27cbb05eb62d0c05b/fonttools-4.60.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:6ec722ee589e89a89f5b7574f5c45604030aa6ae24cb2c751e2707193b466fed", size = 5062966, upload-time = "2025-09-29T21:11:54.344Z" }, - { url = "https://files.pythonhosted.org/packages/62/a1/f888221934b5731d46cb9991c7a71f30cb1f97c0ef5fcf37f8da8fce6c8e/fonttools-4.60.1-cp312-cp312-win32.whl", hash = "sha256:b2cf105cee600d2de04ca3cfa1f74f1127f8455b71dbad02b9da6ec266e116d6", size = 2218750, upload-time = "2025-09-29T21:11:56.601Z" }, - { url = "https://files.pythonhosted.org/packages/88/8f/a55b5550cd33cd1028601df41acd057d4be20efa5c958f417b0c0613924d/fonttools-4.60.1-cp312-cp312-win_amd64.whl", hash = "sha256:992775c9fbe2cf794786fa0ffca7f09f564ba3499b8fe9f2f80bd7197db60383", size = 2267026, upload-time = "2025-09-29T21:11:58.852Z" }, - { url = "https://files.pythonhosted.org/packages/7c/5b/cdd2c612277b7ac7ec8c0c9bc41812c43dc7b2d5f2b0897e15fdf5a1f915/fonttools-4.60.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:6f68576bb4bbf6060c7ab047b1574a1ebe5c50a17de62830079967b211059ebb", size = 2825777, upload-time = "2025-09-29T21:12:01.22Z" }, - { url = "https://files.pythonhosted.org/packages/d6/8a/de9cc0540f542963ba5e8f3a1f6ad48fa211badc3177783b9d5cadf79b5d/fonttools-4.60.1-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:eedacb5c5d22b7097482fa834bda0dafa3d914a4e829ec83cdea2a01f8c813c4", size = 2348080, upload-time = "2025-09-29T21:12:03.785Z" }, - { url = "https://files.pythonhosted.org/packages/2d/8b/371ab3cec97ee3fe1126b3406b7abd60c8fec8975fd79a3c75cdea0c3d83/fonttools-4.60.1-cp313-cp313-manylinux1_x86_64.manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:b33a7884fabd72bdf5f910d0cf46be50dce86a0362a65cfc746a4168c67eb96c", size = 4903082, upload-time = "2025-09-29T21:12:06.382Z" }, - { url = "https://files.pythonhosted.org/packages/04/05/06b1455e4bc653fcb2117ac3ef5fa3a8a14919b93c60742d04440605d058/fonttools-4.60.1-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:2409d5fb7b55fd70f715e6d34e7a6e4f7511b8ad29a49d6df225ee76da76dd77", size = 4960125, upload-time = "2025-09-29T21:12:09.314Z" }, - { url = "https://files.pythonhosted.org/packages/8e/37/f3b840fcb2666f6cb97038793606bdd83488dca2d0b0fc542ccc20afa668/fonttools-4.60.1-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:c8651e0d4b3bdeda6602b85fdc2abbefc1b41e573ecb37b6779c4ca50753a199", size = 4901454, upload-time = "2025-09-29T21:12:11.931Z" }, - { url = "https://files.pythonhosted.org/packages/fd/9e/eb76f77e82f8d4a46420aadff12cec6237751b0fb9ef1de373186dcffb5f/fonttools-4.60.1-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:145daa14bf24824b677b9357c5e44fd8895c2a8f53596e1b9ea3496081dc692c", size = 5044495, upload-time = "2025-09-29T21:12:15.241Z" }, - { url = "https://files.pythonhosted.org/packages/f8/b3/cede8f8235d42ff7ae891bae8d619d02c8ac9fd0cfc450c5927a6200c70d/fonttools-4.60.1-cp313-cp313-win32.whl", hash = "sha256:2299df884c11162617a66b7c316957d74a18e3758c0274762d2cc87df7bc0272", size = 2217028, upload-time = "2025-09-29T21:12:17.96Z" }, - { url = "https://files.pythonhosted.org/packages/75/4d/b022c1577807ce8b31ffe055306ec13a866f2337ecee96e75b24b9b753ea/fonttools-4.60.1-cp313-cp313-win_amd64.whl", hash = "sha256:a3db56f153bd4c5c2b619ab02c5db5192e222150ce5a1bc10f16164714bc39ac", size = 2266200, upload-time = "2025-09-29T21:12:20.14Z" }, - { url = "https://files.pythonhosted.org/packages/9a/83/752ca11c1aa9a899b793a130f2e466b79ea0cf7279c8d79c178fc954a07b/fonttools-4.60.1-cp314-cp314-macosx_10_13_universal2.whl", hash = "sha256:a884aef09d45ba1206712c7dbda5829562d3fea7726935d3289d343232ecb0d3", size = 2822830, upload-time = "2025-09-29T21:12:24.406Z" }, - { url = "https://files.pythonhosted.org/packages/57/17/bbeab391100331950a96ce55cfbbff27d781c1b85ebafb4167eae50d9fe3/fonttools-4.60.1-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:8a44788d9d91df72d1a5eac49b31aeb887a5f4aab761b4cffc4196c74907ea85", size = 2345524, upload-time = "2025-09-29T21:12:26.819Z" }, - { url = "https://files.pythonhosted.org/packages/3d/2e/d4831caa96d85a84dd0da1d9f90d81cec081f551e0ea216df684092c6c97/fonttools-4.60.1-cp314-cp314-manylinux1_x86_64.manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:e852d9dda9f93ad3651ae1e3bb770eac544ec93c3807888798eccddf84596537", size = 4843490, upload-time = "2025-09-29T21:12:29.123Z" }, - { url = "https://files.pythonhosted.org/packages/49/13/5e2ea7c7a101b6fc3941be65307ef8df92cbbfa6ec4804032baf1893b434/fonttools-4.60.1-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:154cb6ee417e417bf5f7c42fe25858c9140c26f647c7347c06f0cc2d47eff003", size = 4944184, upload-time = "2025-09-29T21:12:31.414Z" }, - { url = "https://files.pythonhosted.org/packages/0c/2b/cf9603551c525b73fc47c52ee0b82a891579a93d9651ed694e4e2cd08bb8/fonttools-4.60.1-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:5664fd1a9ea7f244487ac8f10340c4e37664675e8667d6fee420766e0fb3cf08", size = 4890218, upload-time = "2025-09-29T21:12:33.936Z" }, - { url = "https://files.pythonhosted.org/packages/fd/2f/933d2352422e25f2376aae74f79eaa882a50fb3bfef3c0d4f50501267101/fonttools-4.60.1-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:583b7f8e3c49486e4d489ad1deacfb8d5be54a8ef34d6df824f6a171f8511d99", size = 4999324, upload-time = "2025-09-29T21:12:36.637Z" }, - { url = "https://files.pythonhosted.org/packages/38/99/234594c0391221f66216bc2c886923513b3399a148defaccf81dc3be6560/fonttools-4.60.1-cp314-cp314-win32.whl", hash = "sha256:66929e2ea2810c6533a5184f938502cfdaea4bc3efb7130d8cc02e1c1b4108d6", size = 2220861, upload-time = "2025-09-29T21:12:39.108Z" }, - { url = "https://files.pythonhosted.org/packages/3e/1d/edb5b23726dde50fc4068e1493e4fc7658eeefcaf75d4c5ffce067d07ae5/fonttools-4.60.1-cp314-cp314-win_amd64.whl", hash = "sha256:f3d5be054c461d6a2268831f04091dc82753176f6ea06dc6047a5e168265a987", size = 2270934, upload-time = "2025-09-29T21:12:41.339Z" }, - { url = "https://files.pythonhosted.org/packages/fb/da/1392aaa2170adc7071fe7f9cfd181a5684a7afcde605aebddf1fb4d76df5/fonttools-4.60.1-cp314-cp314t-macosx_10_13_universal2.whl", hash = "sha256:b6379e7546ba4ae4b18f8ae2b9bc5960936007a1c0e30b342f662577e8bc3299", size = 2894340, upload-time = "2025-09-29T21:12:43.774Z" }, - { url = "https://files.pythonhosted.org/packages/bf/a7/3b9f16e010d536ce567058b931a20b590d8f3177b2eda09edd92e392375d/fonttools-4.60.1-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:9d0ced62b59e0430b3690dbc5373df1c2aa7585e9a8ce38eff87f0fd993c5b01", size = 2375073, upload-time = "2025-09-29T21:12:46.437Z" }, - { url = "https://files.pythonhosted.org/packages/9b/b5/e9bcf51980f98e59bb5bb7c382a63c6f6cac0eec5f67de6d8f2322382065/fonttools-4.60.1-cp314-cp314t-manylinux1_x86_64.manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:875cb7764708b3132637f6c5fb385b16eeba0f7ac9fa45a69d35e09b47045801", size = 4849758, upload-time = "2025-09-29T21:12:48.694Z" }, - { url = "https://files.pythonhosted.org/packages/e3/dc/1d2cf7d1cba82264b2f8385db3f5960e3d8ce756b4dc65b700d2c496f7e9/fonttools-4.60.1-cp314-cp314t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:a184b2ea57b13680ab6d5fbde99ccef152c95c06746cb7718c583abd8f945ccc", size = 5085598, upload-time = "2025-09-29T21:12:51.081Z" }, - { url = "https://files.pythonhosted.org/packages/5d/4d/279e28ba87fb20e0c69baf72b60bbf1c4d873af1476806a7b5f2b7fac1ff/fonttools-4.60.1-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:026290e4ec76583881763fac284aca67365e0be9f13a7fb137257096114cb3bc", size = 4957603, upload-time = "2025-09-29T21:12:53.423Z" }, - { url = "https://files.pythonhosted.org/packages/78/d4/ff19976305e0c05aa3340c805475abb00224c954d3c65e82c0a69633d55d/fonttools-4.60.1-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:f0e8817c7d1a0c2eedebf57ef9a9896f3ea23324769a9a2061a80fe8852705ed", size = 4974184, upload-time = "2025-09-29T21:12:55.962Z" }, - { url = "https://files.pythonhosted.org/packages/63/22/8553ff6166f5cd21cfaa115aaacaa0dc73b91c079a8cfd54a482cbc0f4f5/fonttools-4.60.1-cp314-cp314t-win32.whl", hash = "sha256:1410155d0e764a4615774e5c2c6fc516259fe3eca5882f034eb9bfdbee056259", size = 2282241, upload-time = "2025-09-29T21:12:58.179Z" }, - { url = "https://files.pythonhosted.org/packages/8a/cb/fa7b4d148e11d5a72761a22e595344133e83a9507a4c231df972e657579b/fonttools-4.60.1-cp314-cp314t-win_amd64.whl", hash = "sha256:022beaea4b73a70295b688f817ddc24ed3e3418b5036ffcd5658141184ef0d0c", size = 2345760, upload-time = "2025-09-29T21:13:00.375Z" }, - { url = "https://files.pythonhosted.org/packages/c7/93/0dd45cd283c32dea1545151d8c3637b4b8c53cdb3a625aeb2885b184d74d/fonttools-4.60.1-py3-none-any.whl", hash = "sha256:906306ac7afe2156fcf0042173d6ebbb05416af70f6b370967b47f8f00103bbb", size = 1143175, upload-time = "2025-09-29T21:13:24.134Z" }, -] - -[[package]] -name = "fqdn" -version = "1.5.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/30/3e/a80a8c077fd798951169626cde3e239adeba7dab75deb3555716415bd9b0/fqdn-1.5.1.tar.gz", hash = "sha256:105ed3677e767fb5ca086a0c1f4bb66ebc3c100be518f0e0d755d9eae164d89f", size = 6015, upload-time = "2021-03-11T07:16:29.08Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/cf/58/8acf1b3e91c58313ce5cb67df61001fc9dcd21be4fadb76c1a2d540e09ed/fqdn-1.5.1-py3-none-any.whl", hash = "sha256:3a179af3761e4df6eb2e026ff9e1a3033d3587bf980a0b1b2e1e5d08d7358014", size = 9121, upload-time = "2021-03-11T07:16:28.351Z" }, -] - -[[package]] -name = "freia" -version = "0.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "numpy" }, - { name = "scipy", version = "1.15.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "scipy", version = "1.16.2", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.5.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.5.1+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.6.0+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0+xpu", source = { registry = "https://download.pytorch.org/whl/xpu" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.9.0+cu130", source = { registry = "https://download.pytorch.org/whl/cu130" }, marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/d4/76/5660f714a3a8c8df9c3301161b53fbdaa7a911ee0f660eaa65fa5a5b36f9/FrEIA-0.2.tar.gz", hash = "sha256:e9f1732b4a238b85b0ad3bc14b279a653a6063d14152028e164b989582026bdc", size = 34270, upload-time = "2022-07-04T08:51:18.645Z" } - -[[package]] -name = "frozenlist" -version = "1.8.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/2d/f5/c831fac6cc817d26fd54c7eaccd04ef7e0288806943f7cc5bbf69f3ac1f0/frozenlist-1.8.0.tar.gz", hash = "sha256:3ede829ed8d842f6cd48fc7081d7a41001a56f1f38603f9d49bf3020d59a31ad", size = 45875, upload-time = "2025-10-06T05:38:17.865Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/83/4a/557715d5047da48d54e659203b9335be7bfaafda2c3f627b7c47e0b3aaf3/frozenlist-1.8.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:b37f6d31b3dcea7deb5e9696e529a6aa4a898adc33db82da12e4c60a7c4d2011", size = 86230, upload-time = "2025-10-06T05:35:23.699Z" }, - { url = "https://files.pythonhosted.org/packages/a2/fb/c85f9fed3ea8fe8740e5b46a59cc141c23b842eca617da8876cfce5f760e/frozenlist-1.8.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:ef2b7b394f208233e471abc541cc6991f907ffd47dc72584acee3147899d6565", size = 49621, upload-time = "2025-10-06T05:35:25.341Z" }, - { url = "https://files.pythonhosted.org/packages/63/70/26ca3f06aace16f2352796b08704338d74b6d1a24ca38f2771afbb7ed915/frozenlist-1.8.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:a88f062f072d1589b7b46e951698950e7da00442fc1cacbe17e19e025dc327ad", size = 49889, upload-time = "2025-10-06T05:35:26.797Z" }, - { url = "https://files.pythonhosted.org/packages/5d/ed/c7895fd2fde7f3ee70d248175f9b6cdf792fb741ab92dc59cd9ef3bd241b/frozenlist-1.8.0-cp310-cp310-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:f57fb59d9f385710aa7060e89410aeb5058b99e62f4d16b08b91986b9a2140c2", size = 219464, upload-time = "2025-10-06T05:35:28.254Z" }, - { url = "https://files.pythonhosted.org/packages/6b/83/4d587dccbfca74cb8b810472392ad62bfa100bf8108c7223eb4c4fa2f7b3/frozenlist-1.8.0-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:799345ab092bee59f01a915620b5d014698547afd011e691a208637312db9186", size = 221649, upload-time = "2025-10-06T05:35:29.454Z" }, - { url = "https://files.pythonhosted.org/packages/6a/c6/fd3b9cd046ec5fff9dab66831083bc2077006a874a2d3d9247dea93ddf7e/frozenlist-1.8.0-cp310-cp310-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:c23c3ff005322a6e16f71bf8692fcf4d5a304aaafe1e262c98c6d4adc7be863e", size = 219188, upload-time = "2025-10-06T05:35:30.951Z" }, - { url = "https://files.pythonhosted.org/packages/ce/80/6693f55eb2e085fc8afb28cf611448fb5b90e98e068fa1d1b8d8e66e5c7d/frozenlist-1.8.0-cp310-cp310-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:8a76ea0f0b9dfa06f254ee06053d93a600865b3274358ca48a352ce4f0798450", size = 231748, upload-time = "2025-10-06T05:35:32.101Z" }, - { url = "https://files.pythonhosted.org/packages/97/d6/e9459f7c5183854abd989ba384fe0cc1a0fb795a83c033f0571ec5933ca4/frozenlist-1.8.0-cp310-cp310-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:c7366fe1418a6133d5aa824ee53d406550110984de7637d65a178010f759c6ef", size = 236351, upload-time = "2025-10-06T05:35:33.834Z" }, - { url = "https://files.pythonhosted.org/packages/97/92/24e97474b65c0262e9ecd076e826bfd1d3074adcc165a256e42e7b8a7249/frozenlist-1.8.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:13d23a45c4cebade99340c4165bd90eeb4a56c6d8a9d8aa49568cac19a6d0dc4", size = 218767, upload-time = "2025-10-06T05:35:35.205Z" }, - { url = "https://files.pythonhosted.org/packages/ee/bf/dc394a097508f15abff383c5108cb8ad880d1f64a725ed3b90d5c2fbf0bb/frozenlist-1.8.0-cp310-cp310-musllinux_1_2_armv7l.whl", hash = "sha256:e4a3408834f65da56c83528fb52ce7911484f0d1eaf7b761fc66001db1646eff", size = 235887, upload-time = "2025-10-06T05:35:36.354Z" }, - { url = "https://files.pythonhosted.org/packages/40/90/25b201b9c015dbc999a5baf475a257010471a1fa8c200c843fd4abbee725/frozenlist-1.8.0-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:42145cd2748ca39f32801dad54aeea10039da6f86e303659db90db1c4b614c8c", size = 228785, upload-time = "2025-10-06T05:35:37.949Z" }, - { url = "https://files.pythonhosted.org/packages/84/f4/b5bc148df03082f05d2dd30c089e269acdbe251ac9a9cf4e727b2dbb8a3d/frozenlist-1.8.0-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:e2de870d16a7a53901e41b64ffdf26f2fbb8917b3e6ebf398098d72c5b20bd7f", size = 230312, upload-time = "2025-10-06T05:35:39.178Z" }, - { url = "https://files.pythonhosted.org/packages/db/4b/87e95b5d15097c302430e647136b7d7ab2398a702390cf4c8601975709e7/frozenlist-1.8.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:20e63c9493d33ee48536600d1a5c95eefc870cd71e7ab037763d1fbb89cc51e7", size = 217650, upload-time = "2025-10-06T05:35:40.377Z" }, - { url = "https://files.pythonhosted.org/packages/e5/70/78a0315d1fea97120591a83e0acd644da638c872f142fd72a6cebee825f3/frozenlist-1.8.0-cp310-cp310-win32.whl", hash = "sha256:adbeebaebae3526afc3c96fad434367cafbfd1b25d72369a9e5858453b1bb71a", size = 39659, upload-time = "2025-10-06T05:35:41.863Z" }, - { url = "https://files.pythonhosted.org/packages/66/aa/3f04523fb189a00e147e60c5b2205126118f216b0aa908035c45336e27e4/frozenlist-1.8.0-cp310-cp310-win_amd64.whl", hash = "sha256:667c3777ca571e5dbeb76f331562ff98b957431df140b54c85fd4d52eea8d8f6", size = 43837, upload-time = "2025-10-06T05:35:43.205Z" }, - { url = "https://files.pythonhosted.org/packages/39/75/1135feecdd7c336938bd55b4dc3b0dfc46d85b9be12ef2628574b28de776/frozenlist-1.8.0-cp310-cp310-win_arm64.whl", hash = "sha256:80f85f0a7cc86e7a54c46d99c9e1318ff01f4687c172ede30fd52d19d1da1c8e", size = 39989, upload-time = "2025-10-06T05:35:44.596Z" }, - { url = "https://files.pythonhosted.org/packages/bc/03/077f869d540370db12165c0aa51640a873fb661d8b315d1d4d67b284d7ac/frozenlist-1.8.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:09474e9831bc2b2199fad6da3c14c7b0fbdd377cce9d3d77131be28906cb7d84", size = 86912, upload-time = "2025-10-06T05:35:45.98Z" }, - { url = "https://files.pythonhosted.org/packages/df/b5/7610b6bd13e4ae77b96ba85abea1c8cb249683217ef09ac9e0ae93f25a91/frozenlist-1.8.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:17c883ab0ab67200b5f964d2b9ed6b00971917d5d8a92df149dc2c9779208ee9", size = 50046, upload-time = "2025-10-06T05:35:47.009Z" }, - { url = "https://files.pythonhosted.org/packages/6e/ef/0e8f1fe32f8a53dd26bdd1f9347efe0778b0fddf62789ea683f4cc7d787d/frozenlist-1.8.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:fa47e444b8ba08fffd1c18e8cdb9a75db1b6a27f17507522834ad13ed5922b93", size = 50119, upload-time = "2025-10-06T05:35:48.38Z" }, - { url = "https://files.pythonhosted.org/packages/11/b1/71a477adc7c36e5fb628245dfbdea2166feae310757dea848d02bd0689fd/frozenlist-1.8.0-cp311-cp311-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:2552f44204b744fba866e573be4c1f9048d6a324dfe14475103fd51613eb1d1f", size = 231067, upload-time = "2025-10-06T05:35:49.97Z" }, - { url = "https://files.pythonhosted.org/packages/45/7e/afe40eca3a2dc19b9904c0f5d7edfe82b5304cb831391edec0ac04af94c2/frozenlist-1.8.0-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:957e7c38f250991e48a9a73e6423db1bb9dd14e722a10f6b8bb8e16a0f55f695", size = 233160, upload-time = "2025-10-06T05:35:51.729Z" }, - { url = "https://files.pythonhosted.org/packages/a6/aa/7416eac95603ce428679d273255ffc7c998d4132cfae200103f164b108aa/frozenlist-1.8.0-cp311-cp311-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:8585e3bb2cdea02fc88ffa245069c36555557ad3609e83be0ec71f54fd4abb52", size = 228544, upload-time = "2025-10-06T05:35:53.246Z" }, - { url = "https://files.pythonhosted.org/packages/8b/3d/2a2d1f683d55ac7e3875e4263d28410063e738384d3adc294f5ff3d7105e/frozenlist-1.8.0-cp311-cp311-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:edee74874ce20a373d62dc28b0b18b93f645633c2943fd90ee9d898550770581", size = 243797, upload-time = "2025-10-06T05:35:54.497Z" }, - { url = "https://files.pythonhosted.org/packages/78/1e/2d5565b589e580c296d3bb54da08d206e797d941a83a6fdea42af23be79c/frozenlist-1.8.0-cp311-cp311-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:c9a63152fe95756b85f31186bddf42e4c02c6321207fd6601a1c89ebac4fe567", size = 247923, upload-time = "2025-10-06T05:35:55.861Z" }, - { url = "https://files.pythonhosted.org/packages/aa/c3/65872fcf1d326a7f101ad4d86285c403c87be7d832b7470b77f6d2ed5ddc/frozenlist-1.8.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:b6db2185db9be0a04fecf2f241c70b63b1a242e2805be291855078f2b404dd6b", size = 230886, upload-time = "2025-10-06T05:35:57.399Z" }, - { url = "https://files.pythonhosted.org/packages/a0/76/ac9ced601d62f6956f03cc794f9e04c81719509f85255abf96e2510f4265/frozenlist-1.8.0-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:f4be2e3d8bc8aabd566f8d5b8ba7ecc09249d74ba3c9ed52e54dc23a293f0b92", size = 245731, upload-time = "2025-10-06T05:35:58.563Z" }, - { url = "https://files.pythonhosted.org/packages/b9/49/ecccb5f2598daf0b4a1415497eba4c33c1e8ce07495eb07d2860c731b8d5/frozenlist-1.8.0-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:c8d1634419f39ea6f5c427ea2f90ca85126b54b50837f31497f3bf38266e853d", size = 241544, upload-time = "2025-10-06T05:35:59.719Z" }, - { url = "https://files.pythonhosted.org/packages/53/4b/ddf24113323c0bbcc54cb38c8b8916f1da7165e07b8e24a717b4a12cbf10/frozenlist-1.8.0-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:1a7fa382a4a223773ed64242dbe1c9c326ec09457e6b8428efb4118c685c3dfd", size = 241806, upload-time = "2025-10-06T05:36:00.959Z" }, - { url = "https://files.pythonhosted.org/packages/a7/fb/9b9a084d73c67175484ba2789a59f8eebebd0827d186a8102005ce41e1ba/frozenlist-1.8.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:11847b53d722050808926e785df837353bd4d75f1d494377e59b23594d834967", size = 229382, upload-time = "2025-10-06T05:36:02.22Z" }, - { url = "https://files.pythonhosted.org/packages/95/a3/c8fb25aac55bf5e12dae5c5aa6a98f85d436c1dc658f21c3ac73f9fa95e5/frozenlist-1.8.0-cp311-cp311-win32.whl", hash = "sha256:27c6e8077956cf73eadd514be8fb04d77fc946a7fe9f7fe167648b0b9085cc25", size = 39647, upload-time = "2025-10-06T05:36:03.409Z" }, - { url = "https://files.pythonhosted.org/packages/0a/f5/603d0d6a02cfd4c8f2a095a54672b3cf967ad688a60fb9faf04fc4887f65/frozenlist-1.8.0-cp311-cp311-win_amd64.whl", hash = "sha256:ac913f8403b36a2c8610bbfd25b8013488533e71e62b4b4adce9c86c8cea905b", size = 44064, upload-time = "2025-10-06T05:36:04.368Z" }, - { url = "https://files.pythonhosted.org/packages/5d/16/c2c9ab44e181f043a86f9a8f84d5124b62dbcb3a02c0977ec72b9ac1d3e0/frozenlist-1.8.0-cp311-cp311-win_arm64.whl", hash = "sha256:d4d3214a0f8394edfa3e303136d0575eece0745ff2b47bd2cb2e66dd92d4351a", size = 39937, upload-time = "2025-10-06T05:36:05.669Z" }, - { url = "https://files.pythonhosted.org/packages/69/29/948b9aa87e75820a38650af445d2ef2b6b8a6fab1a23b6bb9e4ef0be2d59/frozenlist-1.8.0-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:78f7b9e5d6f2fdb88cdde9440dc147259b62b9d3b019924def9f6478be254ac1", size = 87782, upload-time = "2025-10-06T05:36:06.649Z" }, - { url = "https://files.pythonhosted.org/packages/64/80/4f6e318ee2a7c0750ed724fa33a4bdf1eacdc5a39a7a24e818a773cd91af/frozenlist-1.8.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:229bf37d2e4acdaf808fd3f06e854a4a7a3661e871b10dc1f8f1896a3b05f18b", size = 50594, upload-time = "2025-10-06T05:36:07.69Z" }, - { url = "https://files.pythonhosted.org/packages/2b/94/5c8a2b50a496b11dd519f4a24cb5496cf125681dd99e94c604ccdea9419a/frozenlist-1.8.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:f833670942247a14eafbb675458b4e61c82e002a148f49e68257b79296e865c4", size = 50448, upload-time = "2025-10-06T05:36:08.78Z" }, - { url = "https://files.pythonhosted.org/packages/6a/bd/d91c5e39f490a49df14320f4e8c80161cfcce09f1e2cde1edd16a551abb3/frozenlist-1.8.0-cp312-cp312-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:494a5952b1c597ba44e0e78113a7266e656b9794eec897b19ead706bd7074383", size = 242411, upload-time = "2025-10-06T05:36:09.801Z" }, - { url = "https://files.pythonhosted.org/packages/8f/83/f61505a05109ef3293dfb1ff594d13d64a2324ac3482be2cedc2be818256/frozenlist-1.8.0-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:96f423a119f4777a4a056b66ce11527366a8bb92f54e541ade21f2374433f6d4", size = 243014, upload-time = "2025-10-06T05:36:11.394Z" }, - { url = "https://files.pythonhosted.org/packages/d8/cb/cb6c7b0f7d4023ddda30cf56b8b17494eb3a79e3fda666bf735f63118b35/frozenlist-1.8.0-cp312-cp312-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:3462dd9475af2025c31cc61be6652dfa25cbfb56cbbf52f4ccfe029f38decaf8", size = 234909, upload-time = "2025-10-06T05:36:12.598Z" }, - { url = "https://files.pythonhosted.org/packages/31/c5/cd7a1f3b8b34af009fb17d4123c5a778b44ae2804e3ad6b86204255f9ec5/frozenlist-1.8.0-cp312-cp312-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:c4c800524c9cd9bac5166cd6f55285957fcfc907db323e193f2afcd4d9abd69b", size = 250049, upload-time = "2025-10-06T05:36:14.065Z" }, - { url = "https://files.pythonhosted.org/packages/c0/01/2f95d3b416c584a1e7f0e1d6d31998c4a795f7544069ee2e0962a4b60740/frozenlist-1.8.0-cp312-cp312-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:d6a5df73acd3399d893dafc71663ad22534b5aa4f94e8a2fabfe856c3c1b6a52", size = 256485, upload-time = "2025-10-06T05:36:15.39Z" }, - { url = "https://files.pythonhosted.org/packages/ce/03/024bf7720b3abaebcff6d0793d73c154237b85bdf67b7ed55e5e9596dc9a/frozenlist-1.8.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:405e8fe955c2280ce66428b3ca55e12b3c4e9c336fb2103a4937e891c69a4a29", size = 237619, upload-time = "2025-10-06T05:36:16.558Z" }, - { url = "https://files.pythonhosted.org/packages/69/fa/f8abdfe7d76b731f5d8bd217827cf6764d4f1d9763407e42717b4bed50a0/frozenlist-1.8.0-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:908bd3f6439f2fef9e85031b59fd4f1297af54415fb60e4254a95f75b3cab3f3", size = 250320, upload-time = "2025-10-06T05:36:17.821Z" }, - { url = "https://files.pythonhosted.org/packages/f5/3c/b051329f718b463b22613e269ad72138cc256c540f78a6de89452803a47d/frozenlist-1.8.0-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:294e487f9ec720bd8ffcebc99d575f7eff3568a08a253d1ee1a0378754b74143", size = 246820, upload-time = "2025-10-06T05:36:19.046Z" }, - { url = "https://files.pythonhosted.org/packages/0f/ae/58282e8f98e444b3f4dd42448ff36fa38bef29e40d40f330b22e7108f565/frozenlist-1.8.0-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:74c51543498289c0c43656701be6b077f4b265868fa7f8a8859c197006efb608", size = 250518, upload-time = "2025-10-06T05:36:20.763Z" }, - { url = "https://files.pythonhosted.org/packages/8f/96/007e5944694d66123183845a106547a15944fbbb7154788cbf7272789536/frozenlist-1.8.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:776f352e8329135506a1d6bf16ac3f87bc25b28e765949282dcc627af36123aa", size = 239096, upload-time = "2025-10-06T05:36:22.129Z" }, - { url = "https://files.pythonhosted.org/packages/66/bb/852b9d6db2fa40be96f29c0d1205c306288f0684df8fd26ca1951d461a56/frozenlist-1.8.0-cp312-cp312-win32.whl", hash = "sha256:433403ae80709741ce34038da08511d4a77062aa924baf411ef73d1146e74faf", size = 39985, upload-time = "2025-10-06T05:36:23.661Z" }, - { url = "https://files.pythonhosted.org/packages/b8/af/38e51a553dd66eb064cdf193841f16f077585d4d28394c2fa6235cb41765/frozenlist-1.8.0-cp312-cp312-win_amd64.whl", hash = "sha256:34187385b08f866104f0c0617404c8eb08165ab1272e884abc89c112e9c00746", size = 44591, upload-time = "2025-10-06T05:36:24.958Z" }, - { url = "https://files.pythonhosted.org/packages/a7/06/1dc65480ab147339fecc70797e9c2f69d9cea9cf38934ce08df070fdb9cb/frozenlist-1.8.0-cp312-cp312-win_arm64.whl", hash = "sha256:fe3c58d2f5db5fbd18c2987cba06d51b0529f52bc3a6cdc33d3f4eab725104bd", size = 40102, upload-time = "2025-10-06T05:36:26.333Z" }, - { url = "https://files.pythonhosted.org/packages/2d/40/0832c31a37d60f60ed79e9dfb5a92e1e2af4f40a16a29abcc7992af9edff/frozenlist-1.8.0-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:8d92f1a84bb12d9e56f818b3a746f3efba93c1b63c8387a73dde655e1e42282a", size = 85717, upload-time = "2025-10-06T05:36:27.341Z" }, - { url = "https://files.pythonhosted.org/packages/30/ba/b0b3de23f40bc55a7057bd38434e25c34fa48e17f20ee273bbde5e0650f3/frozenlist-1.8.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:96153e77a591c8adc2ee805756c61f59fef4cf4073a9275ee86fe8cba41241f7", size = 49651, upload-time = "2025-10-06T05:36:28.855Z" }, - { url = "https://files.pythonhosted.org/packages/0c/ab/6e5080ee374f875296c4243c381bbdef97a9ac39c6e3ce1d5f7d42cb78d6/frozenlist-1.8.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:f21f00a91358803399890ab167098c131ec2ddd5f8f5fd5fe9c9f2c6fcd91e40", size = 49417, upload-time = "2025-10-06T05:36:29.877Z" }, - { url = "https://files.pythonhosted.org/packages/d5/4e/e4691508f9477ce67da2015d8c00acd751e6287739123113a9fca6f1604e/frozenlist-1.8.0-cp313-cp313-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:fb30f9626572a76dfe4293c7194a09fb1fe93ba94c7d4f720dfae3b646b45027", size = 234391, upload-time = "2025-10-06T05:36:31.301Z" }, - { url = "https://files.pythonhosted.org/packages/40/76/c202df58e3acdf12969a7895fd6f3bc016c642e6726aa63bd3025e0fc71c/frozenlist-1.8.0-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:eaa352d7047a31d87dafcacbabe89df0aa506abb5b1b85a2fb91bc3faa02d822", size = 233048, upload-time = "2025-10-06T05:36:32.531Z" }, - { url = "https://files.pythonhosted.org/packages/f9/c0/8746afb90f17b73ca5979c7a3958116e105ff796e718575175319b5bb4ce/frozenlist-1.8.0-cp313-cp313-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:03ae967b4e297f58f8c774c7eabcce57fe3c2434817d4385c50661845a058121", size = 226549, upload-time = "2025-10-06T05:36:33.706Z" }, - { url = "https://files.pythonhosted.org/packages/7e/eb/4c7eefc718ff72f9b6c4893291abaae5fbc0c82226a32dcd8ef4f7a5dbef/frozenlist-1.8.0-cp313-cp313-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:f6292f1de555ffcc675941d65fffffb0a5bcd992905015f85d0592201793e0e5", size = 239833, upload-time = "2025-10-06T05:36:34.947Z" }, - { url = "https://files.pythonhosted.org/packages/c2/4e/e5c02187cf704224f8b21bee886f3d713ca379535f16893233b9d672ea71/frozenlist-1.8.0-cp313-cp313-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:29548f9b5b5e3460ce7378144c3010363d8035cea44bc0bf02d57f5a685e084e", size = 245363, upload-time = "2025-10-06T05:36:36.534Z" }, - { url = "https://files.pythonhosted.org/packages/1f/96/cb85ec608464472e82ad37a17f844889c36100eed57bea094518bf270692/frozenlist-1.8.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:ec3cc8c5d4084591b4237c0a272cc4f50a5b03396a47d9caaf76f5d7b38a4f11", size = 229314, upload-time = "2025-10-06T05:36:38.582Z" }, - { url = "https://files.pythonhosted.org/packages/5d/6f/4ae69c550e4cee66b57887daeebe006fe985917c01d0fff9caab9883f6d0/frozenlist-1.8.0-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:517279f58009d0b1f2e7c1b130b377a349405da3f7621ed6bfae50b10adf20c1", size = 243365, upload-time = "2025-10-06T05:36:40.152Z" }, - { url = "https://files.pythonhosted.org/packages/7a/58/afd56de246cf11780a40a2c28dc7cbabbf06337cc8ddb1c780a2d97e88d8/frozenlist-1.8.0-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:db1e72ede2d0d7ccb213f218df6a078a9c09a7de257c2fe8fcef16d5925230b1", size = 237763, upload-time = "2025-10-06T05:36:41.355Z" }, - { url = "https://files.pythonhosted.org/packages/cb/36/cdfaf6ed42e2644740d4a10452d8e97fa1c062e2a8006e4b09f1b5fd7d63/frozenlist-1.8.0-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:b4dec9482a65c54a5044486847b8a66bf10c9cb4926d42927ec4e8fd5db7fed8", size = 240110, upload-time = "2025-10-06T05:36:42.716Z" }, - { url = "https://files.pythonhosted.org/packages/03/a8/9ea226fbefad669f11b52e864c55f0bd57d3c8d7eb07e9f2e9a0b39502e1/frozenlist-1.8.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:21900c48ae04d13d416f0e1e0c4d81f7931f73a9dfa0b7a8746fb2fe7dd970ed", size = 233717, upload-time = "2025-10-06T05:36:44.251Z" }, - { url = "https://files.pythonhosted.org/packages/1e/0b/1b5531611e83ba7d13ccc9988967ea1b51186af64c42b7a7af465dcc9568/frozenlist-1.8.0-cp313-cp313-win32.whl", hash = "sha256:8b7b94a067d1c504ee0b16def57ad5738701e4ba10cec90529f13fa03c833496", size = 39628, upload-time = "2025-10-06T05:36:45.423Z" }, - { url = "https://files.pythonhosted.org/packages/d8/cf/174c91dbc9cc49bc7b7aab74d8b734e974d1faa8f191c74af9b7e80848e6/frozenlist-1.8.0-cp313-cp313-win_amd64.whl", hash = "sha256:878be833caa6a3821caf85eb39c5ba92d28e85df26d57afb06b35b2efd937231", size = 43882, upload-time = "2025-10-06T05:36:46.796Z" }, - { url = "https://files.pythonhosted.org/packages/c1/17/502cd212cbfa96eb1388614fe39a3fc9ab87dbbe042b66f97acb57474834/frozenlist-1.8.0-cp313-cp313-win_arm64.whl", hash = "sha256:44389d135b3ff43ba8cc89ff7f51f5a0bb6b63d829c8300f79a2fe4fe61bcc62", size = 39676, upload-time = "2025-10-06T05:36:47.8Z" }, - { url = "https://files.pythonhosted.org/packages/d2/5c/3bbfaa920dfab09e76946a5d2833a7cbdf7b9b4a91c714666ac4855b88b4/frozenlist-1.8.0-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:e25ac20a2ef37e91c1b39938b591457666a0fa835c7783c3a8f33ea42870db94", size = 89235, upload-time = "2025-10-06T05:36:48.78Z" }, - { url = "https://files.pythonhosted.org/packages/d2/d6/f03961ef72166cec1687e84e8925838442b615bd0b8854b54923ce5b7b8a/frozenlist-1.8.0-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:07cdca25a91a4386d2e76ad992916a85038a9b97561bf7a3fd12d5d9ce31870c", size = 50742, upload-time = "2025-10-06T05:36:49.837Z" }, - { url = "https://files.pythonhosted.org/packages/1e/bb/a6d12b7ba4c3337667d0e421f7181c82dda448ce4e7ad7ecd249a16fa806/frozenlist-1.8.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:4e0c11f2cc6717e0a741f84a527c52616140741cd812a50422f83dc31749fb52", size = 51725, upload-time = "2025-10-06T05:36:50.851Z" }, - { url = "https://files.pythonhosted.org/packages/bc/71/d1fed0ffe2c2ccd70b43714c6cab0f4188f09f8a67a7914a6b46ee30f274/frozenlist-1.8.0-cp313-cp313t-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:b3210649ee28062ea6099cfda39e147fa1bc039583c8ee4481cb7811e2448c51", size = 284533, upload-time = "2025-10-06T05:36:51.898Z" }, - { url = "https://files.pythonhosted.org/packages/c9/1f/fb1685a7b009d89f9bf78a42d94461bc06581f6e718c39344754a5d9bada/frozenlist-1.8.0-cp313-cp313t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:581ef5194c48035a7de2aefc72ac6539823bb71508189e5de01d60c9dcd5fa65", size = 292506, upload-time = "2025-10-06T05:36:53.101Z" }, - { url = "https://files.pythonhosted.org/packages/e6/3b/b991fe1612703f7e0d05c0cf734c1b77aaf7c7d321df4572e8d36e7048c8/frozenlist-1.8.0-cp313-cp313t-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:3ef2d026f16a2b1866e1d86fc4e1291e1ed8a387b2c333809419a2f8b3a77b82", size = 274161, upload-time = "2025-10-06T05:36:54.309Z" }, - { url = "https://files.pythonhosted.org/packages/ca/ec/c5c618767bcdf66e88945ec0157d7f6c4a1322f1473392319b7a2501ded7/frozenlist-1.8.0-cp313-cp313t-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:5500ef82073f599ac84d888e3a8c1f77ac831183244bfd7f11eaa0289fb30714", size = 294676, upload-time = "2025-10-06T05:36:55.566Z" }, - { url = "https://files.pythonhosted.org/packages/7c/ce/3934758637d8f8a88d11f0585d6495ef54b2044ed6ec84492a91fa3b27aa/frozenlist-1.8.0-cp313-cp313t-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:50066c3997d0091c411a66e710f4e11752251e6d2d73d70d8d5d4c76442a199d", size = 300638, upload-time = "2025-10-06T05:36:56.758Z" }, - { url = "https://files.pythonhosted.org/packages/fc/4f/a7e4d0d467298f42de4b41cbc7ddaf19d3cfeabaf9ff97c20c6c7ee409f9/frozenlist-1.8.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:5c1c8e78426e59b3f8005e9b19f6ff46e5845895adbde20ece9218319eca6506", size = 283067, upload-time = "2025-10-06T05:36:57.965Z" }, - { url = "https://files.pythonhosted.org/packages/dc/48/c7b163063d55a83772b268e6d1affb960771b0e203b632cfe09522d67ea5/frozenlist-1.8.0-cp313-cp313t-musllinux_1_2_armv7l.whl", hash = "sha256:eefdba20de0d938cec6a89bd4d70f346a03108a19b9df4248d3cf0d88f1b0f51", size = 292101, upload-time = "2025-10-06T05:36:59.237Z" }, - { url = "https://files.pythonhosted.org/packages/9f/d0/2366d3c4ecdc2fd391e0afa6e11500bfba0ea772764d631bbf82f0136c9d/frozenlist-1.8.0-cp313-cp313t-musllinux_1_2_ppc64le.whl", hash = "sha256:cf253e0e1c3ceb4aaff6df637ce033ff6535fb8c70a764a8f46aafd3d6ab798e", size = 289901, upload-time = "2025-10-06T05:37:00.811Z" }, - { url = "https://files.pythonhosted.org/packages/b8/94/daff920e82c1b70e3618a2ac39fbc01ae3e2ff6124e80739ce5d71c9b920/frozenlist-1.8.0-cp313-cp313t-musllinux_1_2_s390x.whl", hash = "sha256:032efa2674356903cd0261c4317a561a6850f3ac864a63fc1583147fb05a79b0", size = 289395, upload-time = "2025-10-06T05:37:02.115Z" }, - { url = "https://files.pythonhosted.org/packages/e3/20/bba307ab4235a09fdcd3cc5508dbabd17c4634a1af4b96e0f69bfe551ebd/frozenlist-1.8.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:6da155091429aeba16851ecb10a9104a108bcd32f6c1642867eadaee401c1c41", size = 283659, upload-time = "2025-10-06T05:37:03.711Z" }, - { url = "https://files.pythonhosted.org/packages/fd/00/04ca1c3a7a124b6de4f8a9a17cc2fcad138b4608e7a3fc5877804b8715d7/frozenlist-1.8.0-cp313-cp313t-win32.whl", hash = "sha256:0f96534f8bfebc1a394209427d0f8a63d343c9779cda6fc25e8e121b5fd8555b", size = 43492, upload-time = "2025-10-06T05:37:04.915Z" }, - { url = "https://files.pythonhosted.org/packages/59/5e/c69f733a86a94ab10f68e496dc6b7e8bc078ebb415281d5698313e3af3a1/frozenlist-1.8.0-cp313-cp313t-win_amd64.whl", hash = "sha256:5d63a068f978fc69421fb0e6eb91a9603187527c86b7cd3f534a5b77a592b888", size = 48034, upload-time = "2025-10-06T05:37:06.343Z" }, - { url = "https://files.pythonhosted.org/packages/16/6c/be9d79775d8abe79b05fa6d23da99ad6e7763a1d080fbae7290b286093fd/frozenlist-1.8.0-cp313-cp313t-win_arm64.whl", hash = "sha256:bf0a7e10b077bf5fb9380ad3ae8ce20ef919a6ad93b4552896419ac7e1d8e042", size = 41749, upload-time = "2025-10-06T05:37:07.431Z" }, - { url = "https://files.pythonhosted.org/packages/f1/c8/85da824b7e7b9b6e7f7705b2ecaf9591ba6f79c1177f324c2735e41d36a2/frozenlist-1.8.0-cp314-cp314-macosx_10_13_universal2.whl", hash = "sha256:cee686f1f4cadeb2136007ddedd0aaf928ab95216e7691c63e50a8ec066336d0", size = 86127, upload-time = "2025-10-06T05:37:08.438Z" }, - { url = "https://files.pythonhosted.org/packages/8e/e8/a1185e236ec66c20afd72399522f142c3724c785789255202d27ae992818/frozenlist-1.8.0-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:119fb2a1bd47307e899c2fac7f28e85b9a543864df47aa7ec9d3c1b4545f096f", size = 49698, upload-time = "2025-10-06T05:37:09.48Z" }, - { url = "https://files.pythonhosted.org/packages/a1/93/72b1736d68f03fda5fdf0f2180fb6caaae3894f1b854d006ac61ecc727ee/frozenlist-1.8.0-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:4970ece02dbc8c3a92fcc5228e36a3e933a01a999f7094ff7c23fbd2beeaa67c", size = 49749, upload-time = "2025-10-06T05:37:10.569Z" }, - { url = "https://files.pythonhosted.org/packages/a7/b2/fabede9fafd976b991e9f1b9c8c873ed86f202889b864756f240ce6dd855/frozenlist-1.8.0-cp314-cp314-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:cba69cb73723c3f329622e34bdbf5ce1f80c21c290ff04256cff1cd3c2036ed2", size = 231298, upload-time = "2025-10-06T05:37:11.993Z" }, - { url = "https://files.pythonhosted.org/packages/3a/3b/d9b1e0b0eed36e70477ffb8360c49c85c8ca8ef9700a4e6711f39a6e8b45/frozenlist-1.8.0-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:778a11b15673f6f1df23d9586f83c4846c471a8af693a22e066508b77d201ec8", size = 232015, upload-time = "2025-10-06T05:37:13.194Z" }, - { url = "https://files.pythonhosted.org/packages/dc/94/be719d2766c1138148564a3960fc2c06eb688da592bdc25adcf856101be7/frozenlist-1.8.0-cp314-cp314-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:0325024fe97f94c41c08872db482cf8ac4800d80e79222c6b0b7b162d5b13686", size = 225038, upload-time = "2025-10-06T05:37:14.577Z" }, - { url = "https://files.pythonhosted.org/packages/e4/09/6712b6c5465f083f52f50cf74167b92d4ea2f50e46a9eea0523d658454ae/frozenlist-1.8.0-cp314-cp314-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:97260ff46b207a82a7567b581ab4190bd4dfa09f4db8a8b49d1a958f6aa4940e", size = 240130, upload-time = "2025-10-06T05:37:15.781Z" }, - { url = "https://files.pythonhosted.org/packages/f8/d4/cd065cdcf21550b54f3ce6a22e143ac9e4836ca42a0de1022da8498eac89/frozenlist-1.8.0-cp314-cp314-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:54b2077180eb7f83dd52c40b2750d0a9f175e06a42e3213ce047219de902717a", size = 242845, upload-time = "2025-10-06T05:37:17.037Z" }, - { url = "https://files.pythonhosted.org/packages/62/c3/f57a5c8c70cd1ead3d5d5f776f89d33110b1addae0ab010ad774d9a44fb9/frozenlist-1.8.0-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:2f05983daecab868a31e1da44462873306d3cbfd76d1f0b5b69c473d21dbb128", size = 229131, upload-time = "2025-10-06T05:37:18.221Z" }, - { url = "https://files.pythonhosted.org/packages/6c/52/232476fe9cb64f0742f3fde2b7d26c1dac18b6d62071c74d4ded55e0ef94/frozenlist-1.8.0-cp314-cp314-musllinux_1_2_armv7l.whl", hash = "sha256:33f48f51a446114bc5d251fb2954ab0164d5be02ad3382abcbfe07e2531d650f", size = 240542, upload-time = "2025-10-06T05:37:19.771Z" }, - { url = "https://files.pythonhosted.org/packages/5f/85/07bf3f5d0fb5414aee5f47d33c6f5c77bfe49aac680bfece33d4fdf6a246/frozenlist-1.8.0-cp314-cp314-musllinux_1_2_ppc64le.whl", hash = "sha256:154e55ec0655291b5dd1b8731c637ecdb50975a2ae70c606d100750a540082f7", size = 237308, upload-time = "2025-10-06T05:37:20.969Z" }, - { url = "https://files.pythonhosted.org/packages/11/99/ae3a33d5befd41ac0ca2cc7fd3aa707c9c324de2e89db0e0f45db9a64c26/frozenlist-1.8.0-cp314-cp314-musllinux_1_2_s390x.whl", hash = "sha256:4314debad13beb564b708b4a496020e5306c7333fa9a3ab90374169a20ffab30", size = 238210, upload-time = "2025-10-06T05:37:22.252Z" }, - { url = "https://files.pythonhosted.org/packages/b2/60/b1d2da22f4970e7a155f0adde9b1435712ece01b3cd45ba63702aea33938/frozenlist-1.8.0-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:073f8bf8becba60aa931eb3bc420b217bb7d5b8f4750e6f8b3be7f3da85d38b7", size = 231972, upload-time = "2025-10-06T05:37:23.5Z" }, - { url = "https://files.pythonhosted.org/packages/3f/ab/945b2f32de889993b9c9133216c068b7fcf257d8595a0ac420ac8677cab0/frozenlist-1.8.0-cp314-cp314-win32.whl", hash = "sha256:bac9c42ba2ac65ddc115d930c78d24ab8d4f465fd3fc473cdedfccadb9429806", size = 40536, upload-time = "2025-10-06T05:37:25.581Z" }, - { url = "https://files.pythonhosted.org/packages/59/ad/9caa9b9c836d9ad6f067157a531ac48b7d36499f5036d4141ce78c230b1b/frozenlist-1.8.0-cp314-cp314-win_amd64.whl", hash = "sha256:3e0761f4d1a44f1d1a47996511752cf3dcec5bbdd9cc2b4fe595caf97754b7a0", size = 44330, upload-time = "2025-10-06T05:37:26.928Z" }, - { url = "https://files.pythonhosted.org/packages/82/13/e6950121764f2676f43534c555249f57030150260aee9dcf7d64efda11dd/frozenlist-1.8.0-cp314-cp314-win_arm64.whl", hash = "sha256:d1eaff1d00c7751b7c6662e9c5ba6eb2c17a2306ba5e2a37f24ddf3cc953402b", size = 40627, upload-time = "2025-10-06T05:37:28.075Z" }, - { url = "https://files.pythonhosted.org/packages/c0/c7/43200656ecc4e02d3f8bc248df68256cd9572b3f0017f0a0c4e93440ae23/frozenlist-1.8.0-cp314-cp314t-macosx_10_13_universal2.whl", hash = "sha256:d3bb933317c52d7ea5004a1c442eef86f426886fba134ef8cf4226ea6ee1821d", size = 89238, upload-time = "2025-10-06T05:37:29.373Z" }, - { url = "https://files.pythonhosted.org/packages/d1/29/55c5f0689b9c0fb765055629f472c0de484dcaf0acee2f7707266ae3583c/frozenlist-1.8.0-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:8009897cdef112072f93a0efdce29cd819e717fd2f649ee3016efd3cd885a7ed", size = 50738, upload-time = "2025-10-06T05:37:30.792Z" }, - { url = "https://files.pythonhosted.org/packages/ba/7d/b7282a445956506fa11da8c2db7d276adcbf2b17d8bb8407a47685263f90/frozenlist-1.8.0-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:2c5dcbbc55383e5883246d11fd179782a9d07a986c40f49abe89ddf865913930", size = 51739, upload-time = "2025-10-06T05:37:32.127Z" }, - { url = "https://files.pythonhosted.org/packages/62/1c/3d8622e60d0b767a5510d1d3cf21065b9db874696a51ea6d7a43180a259c/frozenlist-1.8.0-cp314-cp314t-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:39ecbc32f1390387d2aa4f5a995e465e9e2f79ba3adcac92d68e3e0afae6657c", size = 284186, upload-time = "2025-10-06T05:37:33.21Z" }, - { url = "https://files.pythonhosted.org/packages/2d/14/aa36d5f85a89679a85a1d44cd7a6657e0b1c75f61e7cad987b203d2daca8/frozenlist-1.8.0-cp314-cp314t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:92db2bf818d5cc8d9c1f1fc56b897662e24ea5adb36ad1f1d82875bd64e03c24", size = 292196, upload-time = "2025-10-06T05:37:36.107Z" }, - { url = "https://files.pythonhosted.org/packages/05/23/6bde59eb55abd407d34f77d39a5126fb7b4f109a3f611d3929f14b700c66/frozenlist-1.8.0-cp314-cp314t-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:2dc43a022e555de94c3b68a4ef0b11c4f747d12c024a520c7101709a2144fb37", size = 273830, upload-time = "2025-10-06T05:37:37.663Z" }, - { url = "https://files.pythonhosted.org/packages/d2/3f/22cff331bfad7a8afa616289000ba793347fcd7bc275f3b28ecea2a27909/frozenlist-1.8.0-cp314-cp314t-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:cb89a7f2de3602cfed448095bab3f178399646ab7c61454315089787df07733a", size = 294289, upload-time = "2025-10-06T05:37:39.261Z" }, - { url = "https://files.pythonhosted.org/packages/a4/89/5b057c799de4838b6c69aa82b79705f2027615e01be996d2486a69ca99c4/frozenlist-1.8.0-cp314-cp314t-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:33139dc858c580ea50e7e60a1b0ea003efa1fd42e6ec7fdbad78fff65fad2fd2", size = 300318, upload-time = "2025-10-06T05:37:43.213Z" }, - { url = "https://files.pythonhosted.org/packages/30/de/2c22ab3eb2a8af6d69dc799e48455813bab3690c760de58e1bf43b36da3e/frozenlist-1.8.0-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:168c0969a329b416119507ba30b9ea13688fafffac1b7822802537569a1cb0ef", size = 282814, upload-time = "2025-10-06T05:37:45.337Z" }, - { url = "https://files.pythonhosted.org/packages/59/f7/970141a6a8dbd7f556d94977858cfb36fa9b66e0892c6dd780d2219d8cd8/frozenlist-1.8.0-cp314-cp314t-musllinux_1_2_armv7l.whl", hash = "sha256:28bd570e8e189d7f7b001966435f9dac6718324b5be2990ac496cf1ea9ddb7fe", size = 291762, upload-time = "2025-10-06T05:37:46.657Z" }, - { url = "https://files.pythonhosted.org/packages/c1/15/ca1adae83a719f82df9116d66f5bb28bb95557b3951903d39135620ef157/frozenlist-1.8.0-cp314-cp314t-musllinux_1_2_ppc64le.whl", hash = "sha256:b2a095d45c5d46e5e79ba1e5b9cb787f541a8dee0433836cea4b96a2c439dcd8", size = 289470, upload-time = "2025-10-06T05:37:47.946Z" }, - { url = "https://files.pythonhosted.org/packages/ac/83/dca6dc53bf657d371fbc88ddeb21b79891e747189c5de990b9dfff2ccba1/frozenlist-1.8.0-cp314-cp314t-musllinux_1_2_s390x.whl", hash = "sha256:eab8145831a0d56ec9c4139b6c3e594c7a83c2c8be25d5bcf2d86136a532287a", size = 289042, upload-time = "2025-10-06T05:37:49.499Z" }, - { url = "https://files.pythonhosted.org/packages/96/52/abddd34ca99be142f354398700536c5bd315880ed0a213812bc491cff5e4/frozenlist-1.8.0-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:974b28cf63cc99dfb2188d8d222bc6843656188164848c4f679e63dae4b0708e", size = 283148, upload-time = "2025-10-06T05:37:50.745Z" }, - { url = "https://files.pythonhosted.org/packages/af/d3/76bd4ed4317e7119c2b7f57c3f6934aba26d277acc6309f873341640e21f/frozenlist-1.8.0-cp314-cp314t-win32.whl", hash = "sha256:342c97bf697ac5480c0a7ec73cd700ecfa5a8a40ac923bd035484616efecc2df", size = 44676, upload-time = "2025-10-06T05:37:52.222Z" }, - { url = "https://files.pythonhosted.org/packages/89/76/c615883b7b521ead2944bb3480398cbb07e12b7b4e4d073d3752eb721558/frozenlist-1.8.0-cp314-cp314t-win_amd64.whl", hash = "sha256:06be8f67f39c8b1dc671f5d83aaefd3358ae5cdcf8314552c57e7ed3e6475bdd", size = 49451, upload-time = "2025-10-06T05:37:53.425Z" }, - { url = "https://files.pythonhosted.org/packages/e0/a3/5982da14e113d07b325230f95060e2169f5311b1017ea8af2a29b374c289/frozenlist-1.8.0-cp314-cp314t-win_arm64.whl", hash = "sha256:102e6314ca4da683dca92e3b1355490fed5f313b768500084fbe6371fddfdb79", size = 42507, upload-time = "2025-10-06T05:37:54.513Z" }, - { url = "https://files.pythonhosted.org/packages/9a/9a/e35b4a917281c0b8419d4207f4334c8e8c5dbf4f3f5f9ada73958d937dcc/frozenlist-1.8.0-py3-none-any.whl", hash = "sha256:0c18a16eab41e82c295618a77502e17b195883241c563b00f0aa5106fc4eaa0d", size = 13409, upload-time = "2025-10-06T05:38:16.721Z" }, -] - -[[package]] -name = "fsspec" -version = "2025.9.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/de/e0/bab50af11c2d75c9c4a2a26a5254573c0bd97cea152254401510950486fa/fsspec-2025.9.0.tar.gz", hash = "sha256:19fd429483d25d28b65ec68f9f4adc16c17ea2c7c7bf54ec61360d478fb19c19", size = 304847, upload-time = "2025-09-02T19:10:49.215Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/47/71/70db47e4f6ce3e5c37a607355f80da8860a33226be640226ac52cb05ef2e/fsspec-2025.9.0-py3-none-any.whl", hash = "sha256:530dc2a2af60a414a832059574df4a6e10cce927f6f4a78209390fe38955cfb7", size = 199289, upload-time = "2025-09-02T19:10:47.708Z" }, -] - -[package.optional-dependencies] -http = [ - { name = "aiohttp" }, -] - -[[package]] -name = "ftfy" -version = "6.3.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "wcwidth" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/a5/d3/8650919bc3c7c6e90ee3fa7fd618bf373cbbe55dff043bd67353dbb20cd8/ftfy-6.3.1.tar.gz", hash = "sha256:9b3c3d90f84fb267fe64d375a07b7f8912d817cf86009ae134aa03e1819506ec", size = 308927, upload-time = "2024-10-26T00:50:35.149Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ab/6e/81d47999aebc1b155f81eca4477a616a70f238a2549848c38983f3c22a82/ftfy-6.3.1-py3-none-any.whl", hash = "sha256:7c70eb532015cd2f9adb53f101fb6c7945988d023a085d127d1573dc49dd0083", size = 44821, upload-time = "2024-10-26T00:50:33.425Z" }, -] - -[[package]] -name = "gitdb" -version = "4.0.12" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "smmap" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/72/94/63b0fc47eb32792c7ba1fe1b694daec9a63620db1e313033d18140c2320a/gitdb-4.0.12.tar.gz", hash = "sha256:5ef71f855d191a3326fcfbc0d5da835f26b13fbcba60c32c21091c349ffdb571", size = 394684, upload-time = "2025-01-02T07:20:46.413Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/a0/61/5c78b91c3143ed5c14207f463aecfc8f9dbb5092fb2869baf37c273b2705/gitdb-4.0.12-py3-none-any.whl", hash = "sha256:67073e15955400952c6565cc3e707c554a4eea2e428946f7a4c162fab9bd9bcf", size = 62794, upload-time = "2025-01-02T07:20:43.624Z" }, -] - -[[package]] -name = "gitpython" -version = "3.1.45" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "gitdb" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/9a/c8/dd58967d119baab745caec2f9d853297cec1989ec1d63f677d3880632b88/gitpython-3.1.45.tar.gz", hash = "sha256:85b0ee964ceddf211c41b9f27a49086010a190fd8132a24e21f362a4b36a791c", size = 215076, upload-time = "2025-07-24T03:45:54.871Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/01/61/d4b89fec821f72385526e1b9d9a3a0385dda4a72b206d28049e2c7cd39b8/gitpython-3.1.45-py3-none-any.whl", hash = "sha256:8908cb2e02fb3b93b7eb0f2827125cb699869470432cc885f019b8fd0fccff77", size = 208168, upload-time = "2025-07-24T03:45:52.517Z" }, -] - -[[package]] -name = "google-auth" -version = "2.41.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "cachetools" }, - { name = "pyasn1-modules" }, - { name = "rsa" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/a8/af/5129ce5b2f9688d2fa49b463e544972a7c82b0fdb50980dafee92e121d9f/google_auth-2.41.1.tar.gz", hash = "sha256:b76b7b1f9e61f0cb7e88870d14f6a94aeef248959ef6992670efee37709cbfd2", size = 292284, upload-time = "2025-09-30T22:51:26.363Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/be/a4/7319a2a8add4cc352be9e3efeff5e2aacee917c85ca2fa1647e29089983c/google_auth-2.41.1-py2.py3-none-any.whl", hash = "sha256:754843be95575b9a19c604a848a41be03f7f2afd8c019f716dc1f51ee41c639d", size = 221302, upload-time = "2025-09-30T22:51:24.212Z" }, -] - -[[package]] -name = "gradio" -version = "5.49.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "aiofiles" }, - { name = "anyio" }, - { name = "audioop-lts", marker = "python_full_version >= '3.13' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "brotli" }, - { name = "fastapi" }, - { name = "ffmpy" }, - { name = "gradio-client" }, - { name = "groovy" }, - { name = "httpx" }, - { name = "huggingface-hub" }, - { name = "jinja2" }, - { name = "markupsafe" }, - { name = "numpy" }, - { name = "orjson" }, - { name = "packaging" }, - { name = "pandas" }, - { name = "pillow" }, - { name = "pydantic" }, - { name = "pydub" }, - { name = "python-multipart" }, - { name = "pyyaml" }, - { name = "ruff" }, - { name = "safehttpx" }, - { name = "semantic-version" }, - { name = "starlette" }, - { name = "tomlkit" }, - { name = "typer" }, - { name = "typing-extensions" }, - { name = "uvicorn" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/83/67/17b3969a686f204dfb8f06bd34d1423bcba1df8a2f3674f115ca427188b7/gradio-5.49.1.tar.gz", hash = "sha256:c06faa324ae06c3892c8b4b4e73c706c4520d380f6b9e52a3c02dc53a7627ba9", size = 73784504, upload-time = "2025-10-08T20:18:40.4Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/8d/95/1c25fbcabfa201ab79b016c8716a4ac0f846121d4bbfd2136ffb6d87f31e/gradio-5.49.1-py3-none-any.whl", hash = "sha256:1b19369387801a26a6ba7fd2f74d46c5b0e2ac9ddef14f24ddc0d11fb19421b7", size = 63523840, upload-time = "2025-10-08T20:18:34.585Z" }, -] - -[[package]] -name = "gradio-client" -version = "1.13.3" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "fsspec" }, - { name = "httpx" }, - { name = "huggingface-hub" }, - { name = "packaging" }, - { name = "typing-extensions" }, - { name = "websockets" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/3e/a9/a3beb0ece8c05c33e6376b790fa42e0dd157abca8220cf639b249a597467/gradio_client-1.13.3.tar.gz", hash = "sha256:869b3e67e0f7a0f40df8c48c94de99183265cf4b7b1d9bd4623e336d219ffbe7", size = 323253, upload-time = "2025-09-26T19:51:21.7Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/6e/0b/337b74504681b5dde39f20d803bb09757f9973ecdc65fd4e819d4b11faf7/gradio_client-1.13.3-py3-none-any.whl", hash = "sha256:3f63e4d33a2899c1a12b10fe3cf77b82a6919ff1a1fb6391f6aa225811aa390c", size = 325350, upload-time = "2025-09-26T19:51:20.288Z" }, -] - -[[package]] -name = "graphemeu" -version = "0.7.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/76/20/d012f71e7d00e0d5bb25176b9a96c5313d0e30cf947153bfdfa78089f4bb/graphemeu-0.7.2.tar.gz", hash = "sha256:42bbe373d7c146160f286cd5f76b1a8ad29172d7333ce10705c5cc282462a4f8", size = 307626, upload-time = "2025-01-15T09:48:59.488Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/69/18/36503ea63e1ecd0a95590d7b6b8b7d227a1e4541a154e1612a231def1bdc/graphemeu-0.7.2-py3-none-any.whl", hash = "sha256:1444520f6899fd30114fc2a39f297d86d10fa0f23bf7579f772f8bc7efaa2542", size = 22670, upload-time = "2025-01-15T09:48:57.241Z" }, -] - -[[package]] -name = "graphene" -version = "3.4.3" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "graphql-core" }, - { name = "graphql-relay" }, - { name = "python-dateutil" }, - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/cc/f6/bf62ff950c317ed03e77f3f6ddd7e34aaa98fe89d79ebd660c55343d8054/graphene-3.4.3.tar.gz", hash = "sha256:2a3786948ce75fe7e078443d37f609cbe5bb36ad8d6b828740ad3b95ed1a0aaa", size = 44739, upload-time = "2024-11-09T20:44:25.757Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/66/e0/61d8e98007182e6b2aca7cf65904721fb2e4bce0192272ab9cb6f69d8812/graphene-3.4.3-py2.py3-none-any.whl", hash = "sha256:820db6289754c181007a150db1f7fff544b94142b556d12e3ebc777a7bf36c71", size = 114894, upload-time = "2024-11-09T20:44:23.851Z" }, -] - -[[package]] -name = "graphql-core" -version = "3.2.6" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/c4/16/7574029da84834349b60ed71614d66ca3afe46e9bf9c7b9562102acb7d4f/graphql_core-3.2.6.tar.gz", hash = "sha256:c08eec22f9e40f0bd61d805907e3b3b1b9a320bc606e23dc145eebca07c8fbab", size = 505353, upload-time = "2025-01-26T16:36:27.374Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ae/4f/7297663840621022bc73c22d7d9d80dbc78b4db6297f764b545cd5dd462d/graphql_core-3.2.6-py3-none-any.whl", hash = "sha256:78b016718c161a6fb20a7d97bbf107f331cd1afe53e45566c59f776ed7f0b45f", size = 203416, upload-time = "2025-01-26T16:36:24.868Z" }, -] - -[[package]] -name = "graphql-relay" -version = "3.2.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "graphql-core" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/d1/13/98fbf8d67552f102488ffc16c6f559ce71ea15f6294728d33928ab5ff14d/graphql-relay-3.2.0.tar.gz", hash = "sha256:1ff1c51298356e481a0be009ccdff249832ce53f30559c1338f22a0e0d17250c", size = 50027, upload-time = "2022-04-16T11:03:45.447Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/74/16/a4cf06adbc711bd364a73ce043b0b08d8fa5aae3df11b6ee4248bcdad2e0/graphql_relay-3.2.0-py3-none-any.whl", hash = "sha256:c9b22bd28b170ba1fe674c74384a8ff30a76c8e26f88ac3aa1584dd3179953e5", size = 16940, upload-time = "2022-04-16T11:03:43.895Z" }, -] - -[[package]] -name = "greenlet" -version = "3.2.4" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/03/b8/704d753a5a45507a7aab61f18db9509302ed3d0a27ac7e0359ec2905b1a6/greenlet-3.2.4.tar.gz", hash = "sha256:0dca0d95ff849f9a364385f36ab49f50065d76964944638be9691e1832e9f86d", size = 188260, upload-time = "2025-08-07T13:24:33.51Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/7d/ed/6bfa4109fcb23a58819600392564fea69cdc6551ffd5e69ccf1d52a40cbc/greenlet-3.2.4-cp310-cp310-macosx_11_0_universal2.whl", hash = "sha256:8c68325b0d0acf8d91dde4e6f930967dd52a5302cd4062932a6b2e7c2969f47c", size = 271061, upload-time = "2025-08-07T13:17:15.373Z" }, - { url = "https://files.pythonhosted.org/packages/2a/fc/102ec1a2fc015b3a7652abab7acf3541d58c04d3d17a8d3d6a44adae1eb1/greenlet-3.2.4-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:94385f101946790ae13da500603491f04a76b6e4c059dab271b3ce2e283b2590", size = 629475, upload-time = "2025-08-07T13:42:54.009Z" }, - { url = "https://files.pythonhosted.org/packages/c5/26/80383131d55a4ac0fb08d71660fd77e7660b9db6bdb4e8884f46d9f2cc04/greenlet-3.2.4-cp310-cp310-manylinux2014_ppc64le.manylinux_2_17_ppc64le.whl", hash = "sha256:f10fd42b5ee276335863712fa3da6608e93f70629c631bf77145021600abc23c", size = 640802, upload-time = "2025-08-07T13:45:25.52Z" }, - { url = "https://files.pythonhosted.org/packages/9f/7c/e7833dbcd8f376f3326bd728c845d31dcde4c84268d3921afcae77d90d08/greenlet-3.2.4-cp310-cp310-manylinux2014_s390x.manylinux_2_17_s390x.whl", hash = "sha256:c8c9e331e58180d0d83c5b7999255721b725913ff6bc6cf39fa2a45841a4fd4b", size = 636703, upload-time = "2025-08-07T13:53:12.622Z" }, - { url = "https://files.pythonhosted.org/packages/e9/49/547b93b7c0428ede7b3f309bc965986874759f7d89e4e04aeddbc9699acb/greenlet-3.2.4-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:58b97143c9cc7b86fc458f215bd0932f1757ce649e05b640fea2e79b54cedb31", size = 635417, upload-time = "2025-08-07T13:18:25.189Z" }, - { url = "https://files.pythonhosted.org/packages/7f/91/ae2eb6b7979e2f9b035a9f612cf70f1bf54aad4e1d125129bef1eae96f19/greenlet-3.2.4-cp310-cp310-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:c2ca18a03a8cfb5b25bc1cbe20f3d9a4c80d8c3b13ba3df49ac3961af0b1018d", size = 584358, upload-time = "2025-08-07T13:18:23.708Z" }, - { url = "https://files.pythonhosted.org/packages/f7/85/433de0c9c0252b22b16d413c9407e6cb3b41df7389afc366ca204dbc1393/greenlet-3.2.4-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:9fe0a28a7b952a21e2c062cd5756d34354117796c6d9215a87f55e38d15402c5", size = 1113550, upload-time = "2025-08-07T13:42:37.467Z" }, - { url = "https://files.pythonhosted.org/packages/a1/8d/88f3ebd2bc96bf7747093696f4335a0a8a4c5acfcf1b757717c0d2474ba3/greenlet-3.2.4-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:8854167e06950ca75b898b104b63cc646573aa5fef1353d4508ecdd1ee76254f", size = 1137126, upload-time = "2025-08-07T13:18:20.239Z" }, - { url = "https://files.pythonhosted.org/packages/d6/6f/b60b0291d9623c496638c582297ead61f43c4b72eef5e9c926ef4565ec13/greenlet-3.2.4-cp310-cp310-win_amd64.whl", hash = "sha256:73f49b5368b5359d04e18d15828eecc1806033db5233397748f4ca813ff1056c", size = 298654, upload-time = "2025-08-07T13:50:00.469Z" }, - { url = "https://files.pythonhosted.org/packages/a4/de/f28ced0a67749cac23fecb02b694f6473f47686dff6afaa211d186e2ef9c/greenlet-3.2.4-cp311-cp311-macosx_11_0_universal2.whl", hash = "sha256:96378df1de302bc38e99c3a9aa311967b7dc80ced1dcc6f171e99842987882a2", size = 272305, upload-time = "2025-08-07T13:15:41.288Z" }, - { url = "https://files.pythonhosted.org/packages/09/16/2c3792cba130000bf2a31c5272999113f4764fd9d874fb257ff588ac779a/greenlet-3.2.4-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:1ee8fae0519a337f2329cb78bd7a8e128ec0f881073d43f023c7b8d4831d5246", size = 632472, upload-time = "2025-08-07T13:42:55.044Z" }, - { url = "https://files.pythonhosted.org/packages/ae/8f/95d48d7e3d433e6dae5b1682e4292242a53f22df82e6d3dda81b1701a960/greenlet-3.2.4-cp311-cp311-manylinux2014_ppc64le.manylinux_2_17_ppc64le.whl", hash = "sha256:94abf90142c2a18151632371140b3dba4dee031633fe614cb592dbb6c9e17bc3", size = 644646, upload-time = "2025-08-07T13:45:26.523Z" }, - { url = "https://files.pythonhosted.org/packages/d5/5e/405965351aef8c76b8ef7ad370e5da58d57ef6068df197548b015464001a/greenlet-3.2.4-cp311-cp311-manylinux2014_s390x.manylinux_2_17_s390x.whl", hash = "sha256:4d1378601b85e2e5171b99be8d2dc85f594c79967599328f95c1dc1a40f1c633", size = 640519, upload-time = "2025-08-07T13:53:13.928Z" }, - { url = "https://files.pythonhosted.org/packages/25/5d/382753b52006ce0218297ec1b628e048c4e64b155379331f25a7316eb749/greenlet-3.2.4-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:0db5594dce18db94f7d1650d7489909b57afde4c580806b8d9203b6e79cdc079", size = 639707, upload-time = "2025-08-07T13:18:27.146Z" }, - { url = "https://files.pythonhosted.org/packages/1f/8e/abdd3f14d735b2929290a018ecf133c901be4874b858dd1c604b9319f064/greenlet-3.2.4-cp311-cp311-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:2523e5246274f54fdadbce8494458a2ebdcdbc7b802318466ac5606d3cded1f8", size = 587684, upload-time = "2025-08-07T13:18:25.164Z" }, - { url = "https://files.pythonhosted.org/packages/5d/65/deb2a69c3e5996439b0176f6651e0052542bb6c8f8ec2e3fba97c9768805/greenlet-3.2.4-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:1987de92fec508535687fb807a5cea1560f6196285a4cde35c100b8cd632cc52", size = 1116647, upload-time = "2025-08-07T13:42:38.655Z" }, - { url = "https://files.pythonhosted.org/packages/3f/cc/b07000438a29ac5cfb2194bfc128151d52f333cee74dd7dfe3fb733fc16c/greenlet-3.2.4-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:55e9c5affaa6775e2c6b67659f3a71684de4c549b3dd9afca3bc773533d284fa", size = 1142073, upload-time = "2025-08-07T13:18:21.737Z" }, - { url = "https://files.pythonhosted.org/packages/d8/0f/30aef242fcab550b0b3520b8e3561156857c94288f0332a79928c31a52cf/greenlet-3.2.4-cp311-cp311-win_amd64.whl", hash = "sha256:9c40adce87eaa9ddb593ccb0fa6a07caf34015a29bf8d344811665b573138db9", size = 299100, upload-time = "2025-08-07T13:44:12.287Z" }, - { url = "https://files.pythonhosted.org/packages/44/69/9b804adb5fd0671f367781560eb5eb586c4d495277c93bde4307b9e28068/greenlet-3.2.4-cp312-cp312-macosx_11_0_universal2.whl", hash = "sha256:3b67ca49f54cede0186854a008109d6ee71f66bd57bb36abd6d0a0267b540cdd", size = 274079, upload-time = "2025-08-07T13:15:45.033Z" }, - { url = "https://files.pythonhosted.org/packages/46/e9/d2a80c99f19a153eff70bc451ab78615583b8dac0754cfb942223d2c1a0d/greenlet-3.2.4-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:ddf9164e7a5b08e9d22511526865780a576f19ddd00d62f8a665949327fde8bb", size = 640997, upload-time = "2025-08-07T13:42:56.234Z" }, - { url = "https://files.pythonhosted.org/packages/3b/16/035dcfcc48715ccd345f3a93183267167cdd162ad123cd93067d86f27ce4/greenlet-3.2.4-cp312-cp312-manylinux2014_ppc64le.manylinux_2_17_ppc64le.whl", hash = "sha256:f28588772bb5fb869a8eb331374ec06f24a83a9c25bfa1f38b6993afe9c1e968", size = 655185, upload-time = "2025-08-07T13:45:27.624Z" }, - { url = "https://files.pythonhosted.org/packages/31/da/0386695eef69ffae1ad726881571dfe28b41970173947e7c558d9998de0f/greenlet-3.2.4-cp312-cp312-manylinux2014_s390x.manylinux_2_17_s390x.whl", hash = "sha256:5c9320971821a7cb77cfab8d956fa8e39cd07ca44b6070db358ceb7f8797c8c9", size = 649926, upload-time = "2025-08-07T13:53:15.251Z" }, - { url = "https://files.pythonhosted.org/packages/68/88/69bf19fd4dc19981928ceacbc5fd4bb6bc2215d53199e367832e98d1d8fe/greenlet-3.2.4-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:c60a6d84229b271d44b70fb6e5fa23781abb5d742af7b808ae3f6efd7c9c60f6", size = 651839, upload-time = "2025-08-07T13:18:30.281Z" }, - { url = "https://files.pythonhosted.org/packages/19/0d/6660d55f7373b2ff8152401a83e02084956da23ae58cddbfb0b330978fe9/greenlet-3.2.4-cp312-cp312-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:3b3812d8d0c9579967815af437d96623f45c0f2ae5f04e366de62a12d83a8fb0", size = 607586, upload-time = "2025-08-07T13:18:28.544Z" }, - { url = "https://files.pythonhosted.org/packages/8e/1a/c953fdedd22d81ee4629afbb38d2f9d71e37d23caace44775a3a969147d4/greenlet-3.2.4-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:abbf57b5a870d30c4675928c37278493044d7c14378350b3aa5d484fa65575f0", size = 1123281, upload-time = "2025-08-07T13:42:39.858Z" }, - { url = "https://files.pythonhosted.org/packages/3f/c7/12381b18e21aef2c6bd3a636da1088b888b97b7a0362fac2e4de92405f97/greenlet-3.2.4-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:20fb936b4652b6e307b8f347665e2c615540d4b42b3b4c8a321d8286da7e520f", size = 1151142, upload-time = "2025-08-07T13:18:22.981Z" }, - { url = "https://files.pythonhosted.org/packages/e9/08/b0814846b79399e585f974bbeebf5580fbe59e258ea7be64d9dfb253c84f/greenlet-3.2.4-cp312-cp312-win_amd64.whl", hash = "sha256:a7d4e128405eea3814a12cc2605e0e6aedb4035bf32697f72deca74de4105e02", size = 299899, upload-time = "2025-08-07T13:38:53.448Z" }, - { url = "https://files.pythonhosted.org/packages/49/e8/58c7f85958bda41dafea50497cbd59738c5c43dbbea5ee83d651234398f4/greenlet-3.2.4-cp313-cp313-macosx_11_0_universal2.whl", hash = "sha256:1a921e542453fe531144e91e1feedf12e07351b1cf6c9e8a3325ea600a715a31", size = 272814, upload-time = "2025-08-07T13:15:50.011Z" }, - { url = "https://files.pythonhosted.org/packages/62/dd/b9f59862e9e257a16e4e610480cfffd29e3fae018a68c2332090b53aac3d/greenlet-3.2.4-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:cd3c8e693bff0fff6ba55f140bf390fa92c994083f838fece0f63be121334945", size = 641073, upload-time = "2025-08-07T13:42:57.23Z" }, - { url = "https://files.pythonhosted.org/packages/f7/0b/bc13f787394920b23073ca3b6c4a7a21396301ed75a655bcb47196b50e6e/greenlet-3.2.4-cp313-cp313-manylinux2014_ppc64le.manylinux_2_17_ppc64le.whl", hash = "sha256:710638eb93b1fa52823aa91bf75326f9ecdfd5e0466f00789246a5280f4ba0fc", size = 655191, upload-time = "2025-08-07T13:45:29.752Z" }, - { url = "https://files.pythonhosted.org/packages/f2/d6/6adde57d1345a8d0f14d31e4ab9c23cfe8e2cd39c3baf7674b4b0338d266/greenlet-3.2.4-cp313-cp313-manylinux2014_s390x.manylinux_2_17_s390x.whl", hash = "sha256:c5111ccdc9c88f423426df3fd1811bfc40ed66264d35aa373420a34377efc98a", size = 649516, upload-time = "2025-08-07T13:53:16.314Z" }, - { url = "https://files.pythonhosted.org/packages/7f/3b/3a3328a788d4a473889a2d403199932be55b1b0060f4ddd96ee7cdfcad10/greenlet-3.2.4-cp313-cp313-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:d76383238584e9711e20ebe14db6c88ddcedc1829a9ad31a584389463b5aa504", size = 652169, upload-time = "2025-08-07T13:18:32.861Z" }, - { url = "https://files.pythonhosted.org/packages/ee/43/3cecdc0349359e1a527cbf2e3e28e5f8f06d3343aaf82ca13437a9aa290f/greenlet-3.2.4-cp313-cp313-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:23768528f2911bcd7e475210822ffb5254ed10d71f4028387e5a99b4c6699671", size = 610497, upload-time = "2025-08-07T13:18:31.636Z" }, - { url = "https://files.pythonhosted.org/packages/b8/19/06b6cf5d604e2c382a6f31cafafd6f33d5dea706f4db7bdab184bad2b21d/greenlet-3.2.4-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:00fadb3fedccc447f517ee0d3fd8fe49eae949e1cd0f6a611818f4f6fb7dc83b", size = 1121662, upload-time = "2025-08-07T13:42:41.117Z" }, - { url = "https://files.pythonhosted.org/packages/a2/15/0d5e4e1a66fab130d98168fe984c509249c833c1a3c16806b90f253ce7b9/greenlet-3.2.4-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:d25c5091190f2dc0eaa3f950252122edbbadbb682aa7b1ef2f8af0f8c0afefae", size = 1149210, upload-time = "2025-08-07T13:18:24.072Z" }, - { url = "https://files.pythonhosted.org/packages/0b/55/2321e43595e6801e105fcfdee02b34c0f996eb71e6ddffca6b10b7e1d771/greenlet-3.2.4-cp313-cp313-win_amd64.whl", hash = "sha256:554b03b6e73aaabec3745364d6239e9e012d64c68ccd0b8430c64ccc14939a8b", size = 299685, upload-time = "2025-08-07T13:24:38.824Z" }, - { url = "https://files.pythonhosted.org/packages/22/5c/85273fd7cc388285632b0498dbbab97596e04b154933dfe0f3e68156c68c/greenlet-3.2.4-cp314-cp314-macosx_11_0_universal2.whl", hash = "sha256:49a30d5fda2507ae77be16479bdb62a660fa51b1eb4928b524975b3bde77b3c0", size = 273586, upload-time = "2025-08-07T13:16:08.004Z" }, - { url = "https://files.pythonhosted.org/packages/d1/75/10aeeaa3da9332c2e761e4c50d4c3556c21113ee3f0afa2cf5769946f7a3/greenlet-3.2.4-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:299fd615cd8fc86267b47597123e3f43ad79c9d8a22bebdce535e53550763e2f", size = 686346, upload-time = "2025-08-07T13:42:59.944Z" }, - { url = "https://files.pythonhosted.org/packages/c0/aa/687d6b12ffb505a4447567d1f3abea23bd20e73a5bed63871178e0831b7a/greenlet-3.2.4-cp314-cp314-manylinux2014_ppc64le.manylinux_2_17_ppc64le.whl", hash = "sha256:c17b6b34111ea72fc5a4e4beec9711d2226285f0386ea83477cbb97c30a3f3a5", size = 699218, upload-time = "2025-08-07T13:45:30.969Z" }, - { url = "https://files.pythonhosted.org/packages/dc/8b/29aae55436521f1d6f8ff4e12fb676f3400de7fcf27fccd1d4d17fd8fecd/greenlet-3.2.4-cp314-cp314-manylinux2014_s390x.manylinux_2_17_s390x.whl", hash = "sha256:b4a1870c51720687af7fa3e7cda6d08d801dae660f75a76f3845b642b4da6ee1", size = 694659, upload-time = "2025-08-07T13:53:17.759Z" }, - { url = "https://files.pythonhosted.org/packages/92/2e/ea25914b1ebfde93b6fc4ff46d6864564fba59024e928bdc7de475affc25/greenlet-3.2.4-cp314-cp314-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:061dc4cf2c34852b052a8620d40f36324554bc192be474b9e9770e8c042fd735", size = 695355, upload-time = "2025-08-07T13:18:34.517Z" }, - { url = "https://files.pythonhosted.org/packages/72/60/fc56c62046ec17f6b0d3060564562c64c862948c9d4bc8aa807cf5bd74f4/greenlet-3.2.4-cp314-cp314-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:44358b9bf66c8576a9f57a590d5f5d6e72fa4228b763d0e43fee6d3b06d3a337", size = 657512, upload-time = "2025-08-07T13:18:33.969Z" }, - { url = "https://files.pythonhosted.org/packages/e3/a5/6ddab2b4c112be95601c13428db1d8b6608a8b6039816f2ba09c346c08fc/greenlet-3.2.4-cp314-cp314-win_amd64.whl", hash = "sha256:e37ab26028f12dbb0ff65f29a8d3d44a765c61e729647bf2ddfbbed621726f01", size = 303425, upload-time = "2025-08-07T13:32:27.59Z" }, -] - -[[package]] -name = "groovy" -version = "0.1.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/52/36/bbdede67400277bef33d3ec0e6a31750da972c469f75966b4930c753218f/groovy-0.1.2.tar.gz", hash = "sha256:25c1dc09b3f9d7e292458aa762c6beb96ea037071bf5e917fc81fb78d2231083", size = 17325, upload-time = "2025-02-28T20:24:56.068Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/28/27/3d6dcadc8a3214d8522c1e7f6a19554e33659be44546d44a2f7572ac7d2a/groovy-0.1.2-py3-none-any.whl", hash = "sha256:7f7975bab18c729a257a8b1ae9dcd70b7cafb1720481beae47719af57c35fa64", size = 14090, upload-time = "2025-02-28T20:24:55.152Z" }, -] - -[[package]] -name = "grpcio" -version = "1.76.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/b6/e0/318c1ce3ae5a17894d5791e87aea147587c9e702f24122cc7a5c8bbaeeb1/grpcio-1.76.0.tar.gz", hash = "sha256:7be78388d6da1a25c0d5ec506523db58b18be22d9c37d8d3a32c08be4987bd73", size = 12785182, upload-time = "2025-10-21T16:23:12.106Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/88/17/ff4795dc9a34b6aee6ec379f1b66438a3789cd1315aac0cbab60d92f74b3/grpcio-1.76.0-cp310-cp310-linux_armv7l.whl", hash = "sha256:65a20de41e85648e00305c1bb09a3598f840422e522277641145a32d42dcefcc", size = 5840037, upload-time = "2025-10-21T16:20:25.069Z" }, - { url = "https://files.pythonhosted.org/packages/4e/ff/35f9b96e3fa2f12e1dcd58a4513a2e2294a001d64dec81677361b7040c9a/grpcio-1.76.0-cp310-cp310-macosx_11_0_universal2.whl", hash = "sha256:40ad3afe81676fd9ec6d9d406eda00933f218038433980aa19d401490e46ecde", size = 11836482, upload-time = "2025-10-21T16:20:30.113Z" }, - { url = "https://files.pythonhosted.org/packages/3e/1c/8374990f9545e99462caacea5413ed783014b3b66ace49e35c533f07507b/grpcio-1.76.0-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:035d90bc79eaa4bed83f524331d55e35820725c9fbb00ffa1904d5550ed7ede3", size = 6407178, upload-time = "2025-10-21T16:20:32.733Z" }, - { url = "https://files.pythonhosted.org/packages/1e/77/36fd7d7c75a6c12542c90a6d647a27935a1ecaad03e0ffdb7c42db6b04d2/grpcio-1.76.0-cp310-cp310-manylinux2014_i686.manylinux_2_17_i686.whl", hash = "sha256:4215d3a102bd95e2e11b5395c78562967959824156af11fa93d18fdd18050990", size = 7075684, upload-time = "2025-10-21T16:20:35.435Z" }, - { url = "https://files.pythonhosted.org/packages/38/f7/e3cdb252492278e004722306c5a8935eae91e64ea11f0af3437a7de2e2b7/grpcio-1.76.0-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:49ce47231818806067aea3324d4bf13825b658ad662d3b25fada0bdad9b8a6af", size = 6611133, upload-time = "2025-10-21T16:20:37.541Z" }, - { url = "https://files.pythonhosted.org/packages/7e/20/340db7af162ccd20a0893b5f3c4a5d676af7b71105517e62279b5b61d95a/grpcio-1.76.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:8cc3309d8e08fd79089e13ed4819d0af72aa935dd8f435a195fd152796752ff2", size = 7195507, upload-time = "2025-10-21T16:20:39.643Z" }, - { url = "https://files.pythonhosted.org/packages/10/f0/b2160addc1487bd8fa4810857a27132fb4ce35c1b330c2f3ac45d697b106/grpcio-1.76.0-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:971fd5a1d6e62e00d945423a567e42eb1fa678ba89072832185ca836a94daaa6", size = 8160651, upload-time = "2025-10-21T16:20:42.492Z" }, - { url = "https://files.pythonhosted.org/packages/2c/2c/ac6f98aa113c6ef111b3f347854e99ebb7fb9d8f7bb3af1491d438f62af4/grpcio-1.76.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:9d9adda641db7207e800a7f089068f6f645959f2df27e870ee81d44701dd9db3", size = 7620568, upload-time = "2025-10-21T16:20:45.995Z" }, - { url = "https://files.pythonhosted.org/packages/90/84/7852f7e087285e3ac17a2703bc4129fafee52d77c6c82af97d905566857e/grpcio-1.76.0-cp310-cp310-win32.whl", hash = "sha256:063065249d9e7e0782d03d2bca50787f53bd0fb89a67de9a7b521c4a01f1989b", size = 3998879, upload-time = "2025-10-21T16:20:48.592Z" }, - { url = "https://files.pythonhosted.org/packages/10/30/d3d2adcbb6dd3ff59d6ac3df6ef830e02b437fb5c90990429fd180e52f30/grpcio-1.76.0-cp310-cp310-win_amd64.whl", hash = "sha256:a6ae758eb08088d36812dd5d9af7a9859c05b1e0f714470ea243694b49278e7b", size = 4706892, upload-time = "2025-10-21T16:20:50.697Z" }, - { url = "https://files.pythonhosted.org/packages/a0/00/8163a1beeb6971f66b4bbe6ac9457b97948beba8dd2fc8e1281dce7f79ec/grpcio-1.76.0-cp311-cp311-linux_armv7l.whl", hash = "sha256:2e1743fbd7f5fa713a1b0a8ac8ebabf0ec980b5d8809ec358d488e273b9cf02a", size = 5843567, upload-time = "2025-10-21T16:20:52.829Z" }, - { url = "https://files.pythonhosted.org/packages/10/c1/934202f5cf335e6d852530ce14ddb0fef21be612ba9ecbbcbd4d748ca32d/grpcio-1.76.0-cp311-cp311-macosx_11_0_universal2.whl", hash = "sha256:a8c2cf1209497cf659a667d7dea88985e834c24b7c3b605e6254cbb5076d985c", size = 11848017, upload-time = "2025-10-21T16:20:56.705Z" }, - { url = "https://files.pythonhosted.org/packages/11/0b/8dec16b1863d74af6eb3543928600ec2195af49ca58b16334972f6775663/grpcio-1.76.0-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:08caea849a9d3c71a542827d6df9d5a69067b0a1efbea8a855633ff5d9571465", size = 6412027, upload-time = "2025-10-21T16:20:59.3Z" }, - { url = "https://files.pythonhosted.org/packages/d7/64/7b9e6e7ab910bea9d46f2c090380bab274a0b91fb0a2fe9b0cd399fffa12/grpcio-1.76.0-cp311-cp311-manylinux2014_i686.manylinux_2_17_i686.whl", hash = "sha256:f0e34c2079d47ae9f6188211db9e777c619a21d4faba6977774e8fa43b085e48", size = 7075913, upload-time = "2025-10-21T16:21:01.645Z" }, - { url = "https://files.pythonhosted.org/packages/68/86/093c46e9546073cefa789bd76d44c5cb2abc824ca62af0c18be590ff13ba/grpcio-1.76.0-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:8843114c0cfce61b40ad48df65abcfc00d4dba82eae8718fab5352390848c5da", size = 6615417, upload-time = "2025-10-21T16:21:03.844Z" }, - { url = "https://files.pythonhosted.org/packages/f7/b6/5709a3a68500a9c03da6fb71740dcdd5ef245e39266461a03f31a57036d8/grpcio-1.76.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:8eddfb4d203a237da6f3cc8a540dad0517d274b5a1e9e636fd8d2c79b5c1d397", size = 7199683, upload-time = "2025-10-21T16:21:06.195Z" }, - { url = "https://files.pythonhosted.org/packages/91/d3/4b1f2bf16ed52ce0b508161df3a2d186e4935379a159a834cb4a7d687429/grpcio-1.76.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:32483fe2aab2c3794101c2a159070584e5db11d0aa091b2c0ea9c4fc43d0d749", size = 8163109, upload-time = "2025-10-21T16:21:08.498Z" }, - { url = "https://files.pythonhosted.org/packages/5c/61/d9043f95f5f4cf085ac5dd6137b469d41befb04bd80280952ffa2a4c3f12/grpcio-1.76.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:dcfe41187da8992c5f40aa8c5ec086fa3672834d2be57a32384c08d5a05b4c00", size = 7626676, upload-time = "2025-10-21T16:21:10.693Z" }, - { url = "https://files.pythonhosted.org/packages/36/95/fd9a5152ca02d8881e4dd419cdd790e11805979f499a2e5b96488b85cf27/grpcio-1.76.0-cp311-cp311-win32.whl", hash = "sha256:2107b0c024d1b35f4083f11245c0e23846ae64d02f40b2b226684840260ed054", size = 3997688, upload-time = "2025-10-21T16:21:12.746Z" }, - { url = "https://files.pythonhosted.org/packages/60/9c/5c359c8d4c9176cfa3c61ecd4efe5affe1f38d9bae81e81ac7186b4c9cc8/grpcio-1.76.0-cp311-cp311-win_amd64.whl", hash = "sha256:522175aba7af9113c48ec10cc471b9b9bd4f6ceb36aeb4544a8e2c80ed9d252d", size = 4709315, upload-time = "2025-10-21T16:21:15.26Z" }, - { url = "https://files.pythonhosted.org/packages/bf/05/8e29121994b8d959ffa0afd28996d452f291b48cfc0875619de0bde2c50c/grpcio-1.76.0-cp312-cp312-linux_armv7l.whl", hash = "sha256:81fd9652b37b36f16138611c7e884eb82e0cec137c40d3ef7c3f9b3ed00f6ed8", size = 5799718, upload-time = "2025-10-21T16:21:17.939Z" }, - { url = "https://files.pythonhosted.org/packages/d9/75/11d0e66b3cdf998c996489581bdad8900db79ebd83513e45c19548f1cba4/grpcio-1.76.0-cp312-cp312-macosx_11_0_universal2.whl", hash = "sha256:04bbe1bfe3a68bbfd4e52402ab7d4eb59d72d02647ae2042204326cf4bbad280", size = 11825627, upload-time = "2025-10-21T16:21:20.466Z" }, - { url = "https://files.pythonhosted.org/packages/28/50/2f0aa0498bc188048f5d9504dcc5c2c24f2eb1a9337cd0fa09a61a2e75f0/grpcio-1.76.0-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:d388087771c837cdb6515539f43b9d4bf0b0f23593a24054ac16f7a960be16f4", size = 6359167, upload-time = "2025-10-21T16:21:23.122Z" }, - { url = "https://files.pythonhosted.org/packages/66/e5/bbf0bb97d29ede1d59d6588af40018cfc345b17ce979b7b45424628dc8bb/grpcio-1.76.0-cp312-cp312-manylinux2014_i686.manylinux_2_17_i686.whl", hash = "sha256:9f8f757bebaaea112c00dba718fc0d3260052ce714e25804a03f93f5d1c6cc11", size = 7044267, upload-time = "2025-10-21T16:21:25.995Z" }, - { url = "https://files.pythonhosted.org/packages/f5/86/f6ec2164f743d9609691115ae8ece098c76b894ebe4f7c94a655c6b03e98/grpcio-1.76.0-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:980a846182ce88c4f2f7e2c22c56aefd515daeb36149d1c897f83cf57999e0b6", size = 6573963, upload-time = "2025-10-21T16:21:28.631Z" }, - { url = "https://files.pythonhosted.org/packages/60/bc/8d9d0d8505feccfdf38a766d262c71e73639c165b311c9457208b56d92ae/grpcio-1.76.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:f92f88e6c033db65a5ae3d97905c8fea9c725b63e28d5a75cb73b49bda5024d8", size = 7164484, upload-time = "2025-10-21T16:21:30.837Z" }, - { url = "https://files.pythonhosted.org/packages/67/e6/5d6c2fc10b95edf6df9b8f19cf10a34263b7fd48493936fffd5085521292/grpcio-1.76.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:4baf3cbe2f0be3289eb68ac8ae771156971848bb8aaff60bad42005539431980", size = 8127777, upload-time = "2025-10-21T16:21:33.577Z" }, - { url = "https://files.pythonhosted.org/packages/3f/c8/dce8ff21c86abe025efe304d9e31fdb0deaaa3b502b6a78141080f206da0/grpcio-1.76.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:615ba64c208aaceb5ec83bfdce7728b80bfeb8be97562944836a7a0a9647d882", size = 7594014, upload-time = "2025-10-21T16:21:41.882Z" }, - { url = "https://files.pythonhosted.org/packages/e0/42/ad28191ebf983a5d0ecef90bab66baa5a6b18f2bfdef9d0a63b1973d9f75/grpcio-1.76.0-cp312-cp312-win32.whl", hash = "sha256:45d59a649a82df5718fd9527ce775fd66d1af35e6d31abdcdc906a49c6822958", size = 3984750, upload-time = "2025-10-21T16:21:44.006Z" }, - { url = "https://files.pythonhosted.org/packages/9e/00/7bd478cbb851c04a48baccaa49b75abaa8e4122f7d86da797500cccdd771/grpcio-1.76.0-cp312-cp312-win_amd64.whl", hash = "sha256:c088e7a90b6017307f423efbb9d1ba97a22aa2170876223f9709e9d1de0b5347", size = 4704003, upload-time = "2025-10-21T16:21:46.244Z" }, - { url = "https://files.pythonhosted.org/packages/fc/ed/71467ab770effc9e8cef5f2e7388beb2be26ed642d567697bb103a790c72/grpcio-1.76.0-cp313-cp313-linux_armv7l.whl", hash = "sha256:26ef06c73eb53267c2b319f43e6634c7556ea37672029241a056629af27c10e2", size = 5807716, upload-time = "2025-10-21T16:21:48.475Z" }, - { url = "https://files.pythonhosted.org/packages/2c/85/c6ed56f9817fab03fa8a111ca91469941fb514e3e3ce6d793cb8f1e1347b/grpcio-1.76.0-cp313-cp313-macosx_11_0_universal2.whl", hash = "sha256:45e0111e73f43f735d70786557dc38141185072d7ff8dc1829d6a77ac1471468", size = 11821522, upload-time = "2025-10-21T16:21:51.142Z" }, - { url = "https://files.pythonhosted.org/packages/ac/31/2b8a235ab40c39cbc141ef647f8a6eb7b0028f023015a4842933bc0d6831/grpcio-1.76.0-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:83d57312a58dcfe2a3a0f9d1389b299438909a02db60e2f2ea2ae2d8034909d3", size = 6362558, upload-time = "2025-10-21T16:21:54.213Z" }, - { url = "https://files.pythonhosted.org/packages/bd/64/9784eab483358e08847498ee56faf8ff6ea8e0a4592568d9f68edc97e9e9/grpcio-1.76.0-cp313-cp313-manylinux2014_i686.manylinux_2_17_i686.whl", hash = "sha256:3e2a27c89eb9ac3d81ec8835e12414d73536c6e620355d65102503064a4ed6eb", size = 7049990, upload-time = "2025-10-21T16:21:56.476Z" }, - { url = "https://files.pythonhosted.org/packages/2b/94/8c12319a6369434e7a184b987e8e9f3b49a114c489b8315f029e24de4837/grpcio-1.76.0-cp313-cp313-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:61f69297cba3950a524f61c7c8ee12e55c486cb5f7db47ff9dcee33da6f0d3ae", size = 6575387, upload-time = "2025-10-21T16:21:59.051Z" }, - { url = "https://files.pythonhosted.org/packages/15/0f/f12c32b03f731f4a6242f771f63039df182c8b8e2cf8075b245b409259d4/grpcio-1.76.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:6a15c17af8839b6801d554263c546c69c4d7718ad4321e3166175b37eaacca77", size = 7166668, upload-time = "2025-10-21T16:22:02.049Z" }, - { url = "https://files.pythonhosted.org/packages/ff/2d/3ec9ce0c2b1d92dd59d1c3264aaec9f0f7c817d6e8ac683b97198a36ed5a/grpcio-1.76.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:25a18e9810fbc7e7f03ec2516addc116a957f8cbb8cbc95ccc80faa072743d03", size = 8124928, upload-time = "2025-10-21T16:22:04.984Z" }, - { url = "https://files.pythonhosted.org/packages/1a/74/fd3317be5672f4856bcdd1a9e7b5e17554692d3db9a3b273879dc02d657d/grpcio-1.76.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:931091142fd8cc14edccc0845a79248bc155425eee9a98b2db2ea4f00a235a42", size = 7589983, upload-time = "2025-10-21T16:22:07.881Z" }, - { url = "https://files.pythonhosted.org/packages/45/bb/ca038cf420f405971f19821c8c15bcbc875505f6ffadafe9ffd77871dc4c/grpcio-1.76.0-cp313-cp313-win32.whl", hash = "sha256:5e8571632780e08526f118f74170ad8d50fb0a48c23a746bef2a6ebade3abd6f", size = 3984727, upload-time = "2025-10-21T16:22:10.032Z" }, - { url = "https://files.pythonhosted.org/packages/41/80/84087dc56437ced7cdd4b13d7875e7439a52a261e3ab4e06488ba6173b0a/grpcio-1.76.0-cp313-cp313-win_amd64.whl", hash = "sha256:f9f7bd5faab55f47231ad8dba7787866b69f5e93bc306e3915606779bbfb4ba8", size = 4702799, upload-time = "2025-10-21T16:22:12.709Z" }, - { url = "https://files.pythonhosted.org/packages/b4/46/39adac80de49d678e6e073b70204091e76631e03e94928b9ea4ecf0f6e0e/grpcio-1.76.0-cp314-cp314-linux_armv7l.whl", hash = "sha256:ff8a59ea85a1f2191a0ffcc61298c571bc566332f82e5f5be1b83c9d8e668a62", size = 5808417, upload-time = "2025-10-21T16:22:15.02Z" }, - { url = "https://files.pythonhosted.org/packages/9c/f5/a4531f7fb8b4e2a60b94e39d5d924469b7a6988176b3422487be61fe2998/grpcio-1.76.0-cp314-cp314-macosx_11_0_universal2.whl", hash = "sha256:06c3d6b076e7b593905d04fdba6a0525711b3466f43b3400266f04ff735de0cd", size = 11828219, upload-time = "2025-10-21T16:22:17.954Z" }, - { url = "https://files.pythonhosted.org/packages/4b/1c/de55d868ed7a8bd6acc6b1d6ddc4aa36d07a9f31d33c912c804adb1b971b/grpcio-1.76.0-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:fd5ef5932f6475c436c4a55e4336ebbe47bd3272be04964a03d316bbf4afbcbc", size = 6367826, upload-time = "2025-10-21T16:22:20.721Z" }, - { url = "https://files.pythonhosted.org/packages/59/64/99e44c02b5adb0ad13ab3adc89cb33cb54bfa90c74770f2607eea629b86f/grpcio-1.76.0-cp314-cp314-manylinux2014_i686.manylinux_2_17_i686.whl", hash = "sha256:b331680e46239e090f5b3cead313cc772f6caa7d0fc8de349337563125361a4a", size = 7049550, upload-time = "2025-10-21T16:22:23.637Z" }, - { url = "https://files.pythonhosted.org/packages/43/28/40a5be3f9a86949b83e7d6a2ad6011d993cbe9b6bd27bea881f61c7788b6/grpcio-1.76.0-cp314-cp314-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:2229ae655ec4e8999599469559e97630185fdd53ae1e8997d147b7c9b2b72cba", size = 6575564, upload-time = "2025-10-21T16:22:26.016Z" }, - { url = "https://files.pythonhosted.org/packages/4b/a9/1be18e6055b64467440208a8559afac243c66a8b904213af6f392dc2212f/grpcio-1.76.0-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:490fa6d203992c47c7b9e4a9d39003a0c2bcc1c9aa3c058730884bbbb0ee9f09", size = 7176236, upload-time = "2025-10-21T16:22:28.362Z" }, - { url = "https://files.pythonhosted.org/packages/0f/55/dba05d3fcc151ce6e81327541d2cc8394f442f6b350fead67401661bf041/grpcio-1.76.0-cp314-cp314-musllinux_1_2_i686.whl", hash = "sha256:479496325ce554792dba6548fae3df31a72cef7bad71ca2e12b0e58f9b336bfc", size = 8125795, upload-time = "2025-10-21T16:22:31.075Z" }, - { url = "https://files.pythonhosted.org/packages/4a/45/122df922d05655f63930cf42c9e3f72ba20aadb26c100ee105cad4ce4257/grpcio-1.76.0-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:1c9b93f79f48b03ada57ea24725d83a30284a012ec27eab2cf7e50a550cbbbcc", size = 7592214, upload-time = "2025-10-21T16:22:33.831Z" }, - { url = "https://files.pythonhosted.org/packages/4a/6e/0b899b7f6b66e5af39e377055fb4a6675c9ee28431df5708139df2e93233/grpcio-1.76.0-cp314-cp314-win32.whl", hash = "sha256:747fa73efa9b8b1488a95d0ba1039c8e2dca0f741612d80415b1e1c560febf4e", size = 4062961, upload-time = "2025-10-21T16:22:36.468Z" }, - { url = "https://files.pythonhosted.org/packages/19/41/0b430b01a2eb38ee887f88c1f07644a1df8e289353b78e82b37ef988fb64/grpcio-1.76.0-cp314-cp314-win_amd64.whl", hash = "sha256:922fa70ba549fce362d2e2871ab542082d66e2aaf0c19480ea453905b01f384e", size = 4834462, upload-time = "2025-10-21T16:22:39.772Z" }, -] - -[[package]] -name = "gunicorn" -version = "23.0.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "packaging" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/34/72/9614c465dc206155d93eff0ca20d42e1e35afc533971379482de953521a4/gunicorn-23.0.0.tar.gz", hash = "sha256:f014447a0101dc57e294f6c18ca6b40227a4c90e9bdb586042628030cba004ec", size = 375031, upload-time = "2024-08-10T20:25:27.378Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/cb/7d/6dac2a6e1eba33ee43f318edbed4ff29151a49b5d37f080aad1e6469bca4/gunicorn-23.0.0-py3-none-any.whl", hash = "sha256:ec400d38950de4dfd418cff8328b2c8faed0edb0d517d3394e457c317908ca4d", size = 85029, upload-time = "2024-08-10T20:25:24.996Z" }, -] - -[[package]] -name = "h11" -version = "0.16.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/01/ee/02a2c011bdab74c6fb3c75474d40b3052059d95df7e73351460c8588d963/h11-0.16.0.tar.gz", hash = "sha256:4e35b956cf45792e4caa5885e69fba00bdbc6ffafbfa020300e549b208ee5ff1", size = 101250, upload-time = "2025-04-24T03:35:25.427Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/04/4b/29cac41a4d98d144bf5f6d33995617b185d14b22401f75ca86f384e87ff1/h11-0.16.0-py3-none-any.whl", hash = "sha256:63cf8bbe7522de3bf65932fda1d9c2772064ffb3dae62d55932da54b31cb6c86", size = 37515, upload-time = "2025-04-24T03:35:24.344Z" }, -] - -[[package]] -name = "hf-xet" -version = "1.2.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/5e/6e/0f11bacf08a67f7fb5ee09740f2ca54163863b07b70d579356e9222ce5d8/hf_xet-1.2.0.tar.gz", hash = "sha256:a8c27070ca547293b6890c4bf389f713f80e8c478631432962bb7f4bc0bd7d7f", size = 506020, upload-time = "2025-10-24T19:04:32.129Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/9e/a5/85ef910a0aa034a2abcfadc360ab5ac6f6bc4e9112349bd40ca97551cff0/hf_xet-1.2.0-cp313-cp313t-macosx_10_12_x86_64.whl", hash = "sha256:ceeefcd1b7aed4956ae8499e2199607765fbd1c60510752003b6cc0b8413b649", size = 2861870, upload-time = "2025-10-24T19:04:11.422Z" }, - { url = "https://files.pythonhosted.org/packages/ea/40/e2e0a7eb9a51fe8828ba2d47fe22a7e74914ea8a0db68a18c3aa7449c767/hf_xet-1.2.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:b70218dd548e9840224df5638fdc94bd033552963cfa97f9170829381179c813", size = 2717584, upload-time = "2025-10-24T19:04:09.586Z" }, - { url = "https://files.pythonhosted.org/packages/a5/7d/daf7f8bc4594fdd59a8a596f9e3886133fdc68e675292218a5e4c1b7e834/hf_xet-1.2.0-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7d40b18769bb9a8bc82a9ede575ce1a44c75eb80e7375a01d76259089529b5dc", size = 3315004, upload-time = "2025-10-24T19:04:00.314Z" }, - { url = "https://files.pythonhosted.org/packages/b1/ba/45ea2f605fbf6d81c8b21e4d970b168b18a53515923010c312c06cd83164/hf_xet-1.2.0-cp313-cp313t-manylinux_2_28_aarch64.whl", hash = "sha256:cd3a6027d59cfb60177c12d6424e31f4b5ff13d8e3a1247b3a584bf8977e6df5", size = 3222636, upload-time = "2025-10-24T19:03:58.111Z" }, - { url = "https://files.pythonhosted.org/packages/4a/1d/04513e3cab8f29ab8c109d309ddd21a2705afab9d52f2ba1151e0c14f086/hf_xet-1.2.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:6de1fc44f58f6dd937956c8d304d8c2dea264c80680bcfa61ca4a15e7b76780f", size = 3408448, upload-time = "2025-10-24T19:04:20.951Z" }, - { url = "https://files.pythonhosted.org/packages/f0/7c/60a2756d7feec7387db3a1176c632357632fbe7849fce576c5559d4520c7/hf_xet-1.2.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:f182f264ed2acd566c514e45da9f2119110e48a87a327ca271027904c70c5832", size = 3503401, upload-time = "2025-10-24T19:04:22.549Z" }, - { url = "https://files.pythonhosted.org/packages/4e/64/48fffbd67fb418ab07451e4ce641a70de1c40c10a13e25325e24858ebe5a/hf_xet-1.2.0-cp313-cp313t-win_amd64.whl", hash = "sha256:293a7a3787e5c95d7be1857358a9130694a9c6021de3f27fa233f37267174382", size = 2900866, upload-time = "2025-10-24T19:04:33.461Z" }, - { url = "https://files.pythonhosted.org/packages/e2/51/f7e2caae42f80af886db414d4e9885fac959330509089f97cccb339c6b87/hf_xet-1.2.0-cp314-cp314t-macosx_10_12_x86_64.whl", hash = "sha256:10bfab528b968c70e062607f663e21e34e2bba349e8038db546646875495179e", size = 2861861, upload-time = "2025-10-24T19:04:19.01Z" }, - { url = "https://files.pythonhosted.org/packages/6e/1d/a641a88b69994f9371bd347f1dd35e5d1e2e2460a2e350c8d5165fc62005/hf_xet-1.2.0-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:2a212e842647b02eb6a911187dc878e79c4aa0aa397e88dd3b26761676e8c1f8", size = 2717699, upload-time = "2025-10-24T19:04:17.306Z" }, - { url = "https://files.pythonhosted.org/packages/df/e0/e5e9bba7d15f0318955f7ec3f4af13f92e773fbb368c0b8008a5acbcb12f/hf_xet-1.2.0-cp314-cp314t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:30e06daccb3a7d4c065f34fc26c14c74f4653069bb2b194e7f18f17cbe9939c0", size = 3314885, upload-time = "2025-10-24T19:04:07.642Z" }, - { url = "https://files.pythonhosted.org/packages/21/90/b7fe5ff6f2b7b8cbdf1bd56145f863c90a5807d9758a549bf3d916aa4dec/hf_xet-1.2.0-cp314-cp314t-manylinux_2_28_aarch64.whl", hash = "sha256:29c8fc913a529ec0a91867ce3d119ac1aac966e098cf49501800c870328cc090", size = 3221550, upload-time = "2025-10-24T19:04:05.55Z" }, - { url = "https://files.pythonhosted.org/packages/6f/cb/73f276f0a7ce46cc6a6ec7d6c7d61cbfe5f2e107123d9bbd0193c355f106/hf_xet-1.2.0-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:66e159cbfcfbb29f920db2c09ed8b660eb894640d284f102ada929b6e3dc410a", size = 3408010, upload-time = "2025-10-24T19:04:28.598Z" }, - { url = "https://files.pythonhosted.org/packages/b8/1e/d642a12caa78171f4be64f7cd9c40e3ca5279d055d0873188a58c0f5fbb9/hf_xet-1.2.0-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:9c91d5ae931510107f148874e9e2de8a16052b6f1b3ca3c1b12f15ccb491390f", size = 3503264, upload-time = "2025-10-24T19:04:30.397Z" }, - { url = "https://files.pythonhosted.org/packages/17/b5/33764714923fa1ff922770f7ed18c2daae034d21ae6e10dbf4347c854154/hf_xet-1.2.0-cp314-cp314t-win_amd64.whl", hash = "sha256:210d577732b519ac6ede149d2f2f34049d44e8622bf14eb3d63bbcd2d4b332dc", size = 2901071, upload-time = "2025-10-24T19:04:37.463Z" }, - { url = "https://files.pythonhosted.org/packages/96/2d/22338486473df5923a9ab7107d375dbef9173c338ebef5098ef593d2b560/hf_xet-1.2.0-cp37-abi3-macosx_10_12_x86_64.whl", hash = "sha256:46740d4ac024a7ca9b22bebf77460ff43332868b661186a8e46c227fdae01848", size = 2866099, upload-time = "2025-10-24T19:04:15.366Z" }, - { url = "https://files.pythonhosted.org/packages/7f/8c/c5becfa53234299bc2210ba314eaaae36c2875e0045809b82e40a9544f0c/hf_xet-1.2.0-cp37-abi3-macosx_11_0_arm64.whl", hash = "sha256:27df617a076420d8845bea087f59303da8be17ed7ec0cd7ee3b9b9f579dff0e4", size = 2722178, upload-time = "2025-10-24T19:04:13.695Z" }, - { url = "https://files.pythonhosted.org/packages/9a/92/cf3ab0b652b082e66876d08da57fcc6fa2f0e6c70dfbbafbd470bb73eb47/hf_xet-1.2.0-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3651fd5bfe0281951b988c0facbe726aa5e347b103a675f49a3fa8144c7968fd", size = 3320214, upload-time = "2025-10-24T19:04:03.596Z" }, - { url = "https://files.pythonhosted.org/packages/46/92/3f7ec4a1b6a65bf45b059b6d4a5d38988f63e193056de2f420137e3c3244/hf_xet-1.2.0-cp37-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:d06fa97c8562fb3ee7a378dd9b51e343bc5bc8190254202c9771029152f5e08c", size = 3229054, upload-time = "2025-10-24T19:04:01.949Z" }, - { url = "https://files.pythonhosted.org/packages/0b/dd/7ac658d54b9fb7999a0ccb07ad863b413cbaf5cf172f48ebcd9497ec7263/hf_xet-1.2.0-cp37-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:4c1428c9ae73ec0939410ec73023c4f842927f39db09b063b9482dac5a3bb737", size = 3413812, upload-time = "2025-10-24T19:04:24.585Z" }, - { url = "https://files.pythonhosted.org/packages/92/68/89ac4e5b12a9ff6286a12174c8538a5930e2ed662091dd2572bbe0a18c8a/hf_xet-1.2.0-cp37-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:a55558084c16b09b5ed32ab9ed38421e2d87cf3f1f89815764d1177081b99865", size = 3508920, upload-time = "2025-10-24T19:04:26.927Z" }, - { url = "https://files.pythonhosted.org/packages/cb/44/870d44b30e1dcfb6a65932e3e1506c103a8a5aea9103c337e7a53180322c/hf_xet-1.2.0-cp37-abi3-win_amd64.whl", hash = "sha256:e6584a52253f72c9f52f9e549d5895ca7a471608495c4ecaa6cc73dba2b24d69", size = 2905735, upload-time = "2025-10-24T19:04:35.928Z" }, -] - -[[package]] -name = "httpcore" -version = "1.0.9" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "certifi" }, - { name = "h11" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/06/94/82699a10bca87a5556c9c59b5963f2d039dbd239f25bc2a63907a05a14cb/httpcore-1.0.9.tar.gz", hash = "sha256:6e34463af53fd2ab5d807f399a9b45ea31c3dfa2276f15a2c3f00afff6e176e8", size = 85484, upload-time = "2025-04-24T22:06:22.219Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/7e/f5/f66802a942d491edb555dd61e3a9961140fd64c90bce1eafd741609d334d/httpcore-1.0.9-py3-none-any.whl", hash = "sha256:2d400746a40668fc9dec9810239072b40b4484b640a8c38fd654a024c7a1bf55", size = 78784, upload-time = "2025-04-24T22:06:20.566Z" }, -] - -[[package]] -name = "httpx" -version = "0.28.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "anyio" }, - { name = "certifi" }, - { name = "httpcore" }, - { name = "idna" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/b1/df/48c586a5fe32a0f01324ee087459e112ebb7224f646c0b5023f5e79e9956/httpx-0.28.1.tar.gz", hash = "sha256:75e98c5f16b0f35b567856f597f06ff2270a374470a5c2392242528e3e3e42fc", size = 141406, upload-time = "2024-12-06T15:37:23.222Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/2a/39/e50c7c3a983047577ee07d2a9e53faf5a69493943ec3f6a384bdc792deb2/httpx-0.28.1-py3-none-any.whl", hash = "sha256:d909fcccc110f8c7faf814ca82a9a4d816bc5a6dbfea25d6591d6985b8ba59ad", size = 73517, upload-time = "2024-12-06T15:37:21.509Z" }, -] - -[[package]] -name = "huggingface-hub" -version = "0.36.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "filelock" }, - { name = "fsspec" }, - { name = "hf-xet", marker = "platform_machine == 'aarch64' or platform_machine == 'amd64' or platform_machine == 'arm64' or platform_machine == 'x86_64' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "packaging" }, - { name = "pyyaml" }, - { name = "requests" }, - { name = "tqdm" }, - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/98/63/4910c5fa9128fdadf6a9c5ac138e8b1b6cee4ca44bf7915bbfbce4e355ee/huggingface_hub-0.36.0.tar.gz", hash = "sha256:47b3f0e2539c39bf5cde015d63b72ec49baff67b6931c3d97f3f84532e2b8d25", size = 463358, upload-time = "2025-10-23T12:12:01.413Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/cb/bd/1a875e0d592d447cbc02805fd3fe0f497714d6a2583f59d14fa9ebad96eb/huggingface_hub-0.36.0-py3-none-any.whl", hash = "sha256:7bcc9ad17d5b3f07b57c78e79d527102d08313caa278a641993acddcb894548d", size = 566094, upload-time = "2025-10-23T12:11:59.557Z" }, -] - -[[package]] -name = "identify" -version = "2.6.15" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/ff/e7/685de97986c916a6d93b3876139e00eef26ad5bbbd61925d670ae8013449/identify-2.6.15.tar.gz", hash = "sha256:e4f4864b96c6557ef2a1e1c951771838f4edc9df3a72ec7118b338801b11c7bf", size = 99311, upload-time = "2025-10-02T17:43:40.631Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/0f/1c/e5fd8f973d4f375adb21565739498e2e9a1e54c858a97b9a8ccfdc81da9b/identify-2.6.15-py2.py3-none-any.whl", hash = "sha256:1181ef7608e00704db228516541eb83a88a9f94433a8c80bb9b5bd54b1d81757", size = 99183, upload-time = "2025-10-02T17:43:39.137Z" }, -] - -[[package]] -name = "idna" -version = "3.11" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/6f/6d/0703ccc57f3a7233505399edb88de3cbd678da106337b9fcde432b65ed60/idna-3.11.tar.gz", hash = "sha256:795dafcc9c04ed0c1fb032c2aa73654d8e8c5023a7df64a53f39190ada629902", size = 194582, upload-time = "2025-10-12T14:55:20.501Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/0e/61/66938bbb5fc52dbdf84594873d5b51fb1f7c7794e9c0f5bd885f30bc507b/idna-3.11-py3-none-any.whl", hash = "sha256:771a87f49d9defaf64091e6e6fe9c18d4833f140bd19464795bc32d966ca37ea", size = 71008, upload-time = "2025-10-12T14:55:18.883Z" }, -] - -[[package]] -name = "imagecodecs" -version = "2025.3.30" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", -] -dependencies = [ - { name = "numpy", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/de/bf/81c848ffe2b42fc141b6db3e4e8e650183b7aab8c4535498ebff25740a3b/imagecodecs-2025.3.30.tar.gz", hash = "sha256:29256f44a7fcfb8f235a3e9b3bae72b06ea2112e63bcc892267a8c01b7097f90", size = 9506573, upload-time = "2025-03-30T04:44:50.368Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/66/0a/d9418201f0372deacc394e129c42a11b253e79f81ee1d3b5141315a9aa51/imagecodecs-2025.3.30-cp310-cp310-macosx_10_14_x86_64.whl", hash = "sha256:b5c9be23ccc7fd8aee233db5d714e61be2fc85acd77305290eb86ddb36d643b6", size = 17936592, upload-time = "2025-03-30T04:42:50.413Z" }, - { url = "https://files.pythonhosted.org/packages/47/b3/1d5ee18476e763ad32555fe3cca7e55af3912f21357cdd18488dead7d34d/imagecodecs-2025.3.30-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:7870308a908f1e1748c3b9e113a5e3e56878426e8cb7a173c98557d5db7776ea", size = 15046409, upload-time = "2025-03-30T04:42:53.976Z" }, - { url = "https://files.pythonhosted.org/packages/19/8e/b7b329905006f1b3627e1f531de8ab36bd544fa3d6136576c19f9d90de84/imagecodecs-2025.3.30-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1c62f210f7e1c152306fa5efec0a172680932d1beb7e06d8a8dd039e718bdeb1", size = 41997395, upload-time = "2025-03-30T04:42:58.842Z" }, - { url = "https://files.pythonhosted.org/packages/21/f6/214e5f157979e55d57f4a4816659004b99b7ab3b0b7a5f3a950b8cb2ef53/imagecodecs-2025.3.30-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:59b5959cdd42debac19e6635ee3dadbb3d6db0d7be2fbf5f763484d4c21363e3", size = 43372901, upload-time = "2025-03-30T04:43:04.455Z" }, - { url = "https://files.pythonhosted.org/packages/0d/13/4fd766723152c1a453134b32276019f18cdd2156ef7127f216d8dcd26834/imagecodecs-2025.3.30-cp310-cp310-win32.whl", hash = "sha256:4cdcef20630c156d91981215dc56549520c431c99b996d685fdfb3c79c913432", size = 24134766, upload-time = "2025-03-30T04:43:09.308Z" }, - { url = "https://files.pythonhosted.org/packages/d7/4c/4f825eabaa350a5fc55035ea6e769b9928196aac133f0bddb30a199ea0b4/imagecodecs-2025.3.30-cp310-cp310-win_amd64.whl", hash = "sha256:e09556e03c9048852e6b8e74f569c545cda20f8d4f0e466f61ac64246fa4994e", size = 28873864, upload-time = "2025-03-30T04:43:13.652Z" }, - { url = "https://files.pythonhosted.org/packages/2d/09/8c475f73685e864c3742dc38596e3a2b897006402199f42905a09d05395d/imagecodecs-2025.3.30-cp311-cp311-macosx_10_14_x86_64.whl", hash = "sha256:7e0afe1a05a942391abd7d1f25722a07de05d9d12eb6f3ca1ef48e0719c6796a", size = 17946410, upload-time = "2025-03-30T04:43:17.129Z" }, - { url = "https://files.pythonhosted.org/packages/6b/81/cd6df5a61c85a5f227a3e0b242ad7a04192f8f5dd8b0f65308872e618dbb/imagecodecs-2025.3.30-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:44dc270d78b7cda29e2d430acbd8dab66322766412e596f450871e2831148aa2", size = 15050151, upload-time = "2025-03-30T04:43:20.36Z" }, - { url = "https://files.pythonhosted.org/packages/00/bc/929ad2025a60e5cfda80330749d6b44ff7a5e1ccf457d998e0e622010881/imagecodecs-2025.3.30-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1cee56331d9a700e9ec518caeba6d9813ffd7c042f1fae47d2dafcdfc259d2a5", size = 44161549, upload-time = "2025-03-30T04:43:25.322Z" }, - { url = "https://files.pythonhosted.org/packages/b2/e4/23f8d23822b1fab85edc2b11ee9af7dffc5325e57fc1c05fbd8ba64b67b8/imagecodecs-2025.3.30-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e354fa2046bb7029d0a1ff15a8bb31487ca0d479cd42fdb5c312bcd9408ce3fc", size = 45559360, upload-time = "2025-03-30T04:43:31.614Z" }, - { url = "https://files.pythonhosted.org/packages/7e/2c/99186caec5fbffa0392e5fade328391feee927fcf51f3e010b57afe5f330/imagecodecs-2025.3.30-cp311-cp311-win32.whl", hash = "sha256:4ce5c1eb14716bfa733516a69f3b8b77f05cf0541558cc4e8f8991e57d40cc82", size = 24112582, upload-time = "2025-03-30T04:43:37.002Z" }, - { url = "https://files.pythonhosted.org/packages/eb/d1/4148e036c1f4d4a56aa437dfccf1d1e38ade691242ae4fb1ed6c75198984/imagecodecs-2025.3.30-cp311-cp311-win_amd64.whl", hash = "sha256:7debc7231780d8e44ffcd13aee2178644d93115c19ff73c96cf3068b219ac3a2", size = 28881661, upload-time = "2025-03-30T04:43:41.259Z" }, - { url = "https://files.pythonhosted.org/packages/bd/65/52c9ed63fe3ef0601775d3469b495eadf00174ac0f38d9499871866a5e3b/imagecodecs-2025.3.30-cp311-cp311-win_arm64.whl", hash = "sha256:2b5c1c02c70da9561da9b728b97599b3ed0ef7d5399979017ce90029f522587b", size = 23780188, upload-time = "2025-03-30T04:43:45.92Z" }, - { url = "https://files.pythonhosted.org/packages/07/a8/8d5e87c271ad56076d5d41b29a72bde06f9c576796f658f84be1d704c440/imagecodecs-2025.3.30-cp312-cp312-macosx_10_14_x86_64.whl", hash = "sha256:dad3f0fc39eb9a88cecb2ccfe0e13eac35b21da36c0171285e4b289b12085235", size = 17999942, upload-time = "2025-03-30T04:43:49.422Z" }, - { url = "https://files.pythonhosted.org/packages/b9/a1/5781188860b9f77ba56743ca70c770bad3500980f6a0be0ead28bfd69679/imagecodecs-2025.3.30-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:2806b6e605e674d7e3d21099779a88cb30b9da4807a88e0f02da3ea249085e5f", size = 15088408, upload-time = "2025-03-30T04:43:52.644Z" }, - { url = "https://files.pythonhosted.org/packages/d7/d6/7dea5c27b5e14746095f3e01a4d5ee4a3e0dbfc534b978675cfd6bbd5270/imagecodecs-2025.3.30-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:abfb2231f4741262c91f3e77af85ce1f35b7d44f71414c5d1ba6008cfc3e5672", size = 43661256, upload-time = "2025-03-30T04:43:57.461Z" }, - { url = "https://files.pythonhosted.org/packages/20/ad/f751aed397ad9ba002ace15c028c5261c9dd57e0b366e8642e574332f318/imagecodecs-2025.3.30-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6583fdcac9a4cd75a7701ed7fac7e74d3836807eb9f8aee22f60f519b748ff56", size = 45247507, upload-time = "2025-03-30T04:44:03.489Z" }, - { url = "https://files.pythonhosted.org/packages/c2/a7/4d9ec619be863bc114a45afeb5d063699de610ae00cecd8e4fd8c38cf8ff/imagecodecs-2025.3.30-cp312-cp312-win32.whl", hash = "sha256:ed187770804cbf322b60e24dfc14b8a1e2c321a1b93afb3a7e4948fbb9e99bf0", size = 24119663, upload-time = "2025-03-30T04:44:07.694Z" }, - { url = "https://files.pythonhosted.org/packages/b6/42/e73497e12c5e1f3a98dc0c07a8ac80ee3b728e03cb397475337540b02432/imagecodecs-2025.3.30-cp312-cp312-win_amd64.whl", hash = "sha256:0b0f6e0f118674c76982e5a25bfeec5e6fc4fc4fc102c0d356e370f473e7b512", size = 28889883, upload-time = "2025-03-30T04:44:12.192Z" }, - { url = "https://files.pythonhosted.org/packages/7d/f0/66792e83443b32442a3c3377e5933b59ccf1be366973cecfc2182ee0840c/imagecodecs-2025.3.30-cp312-cp312-win_arm64.whl", hash = "sha256:bde3bd80cdf65afddb64af4c433549e882a5aa15d300e3781acab8d4df1c94a9", size = 23746584, upload-time = "2025-03-30T04:44:17.341Z" }, - { url = "https://files.pythonhosted.org/packages/fb/e4/9d5fca3816391f28cc3f5310d5765372e60f5208bf8ab1c01c6d1486db86/imagecodecs-2025.3.30-cp313-cp313-macosx_10_14_x86_64.whl", hash = "sha256:0bf7248a7949525848f3e2c7d09e837e8333d52c7ac0436c6eed36235da8227b", size = 17932366, upload-time = "2025-03-30T04:44:20.951Z" }, - { url = "https://files.pythonhosted.org/packages/e9/90/4a13b60aeedcf3ada27cfa6e9a58f0bb1cc50340980f6f9d4a00ced7d753/imagecodecs-2025.3.30-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:3e598b6ec77df2517a8d4af6b66393250ba4a8764fccda5dbe6546236df5d11c", size = 15030556, upload-time = "2025-03-30T04:44:24.267Z" }, - { url = "https://files.pythonhosted.org/packages/d9/86/03439594c4a7c79dbd85a282387eb399a94702875e58a11e41592dfd8b7c/imagecodecs-2025.3.30-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:212ae6ba7c656ddf24e8aabefc56c5e2300335ed1305838508c57de202e6dbe4", size = 43563048, upload-time = "2025-03-30T04:44:29.186Z" }, - { url = "https://files.pythonhosted.org/packages/ef/86/21a7f96f5446595df83ba18d20a6f5d2e99eef37c8f0fee807e78bf7e4aa/imagecodecs-2025.3.30-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bfa7b1c7d7af449c8153a040f7782d4296350245f8809e49dd4fb5bef4d740e6", size = 45213087, upload-time = "2025-03-30T04:44:35.243Z" }, - { url = "https://files.pythonhosted.org/packages/94/c0/7e02f89b006252159c502e1537451dde6ea1e7355196758d4425dede5e3c/imagecodecs-2025.3.30-cp313-cp313-win32.whl", hash = "sha256:66b614488d85d91f456b949fde4ad678dbe95cde38861043122237de086308c1", size = 24104234, upload-time = "2025-03-30T04:44:39.579Z" }, - { url = "https://files.pythonhosted.org/packages/d3/be/e4aa5ed727ab4178362c695ea862d4c3e25988020ec1b05f8fedbef2ef5f/imagecodecs-2025.3.30-cp313-cp313-win_amd64.whl", hash = "sha256:1c51fef75fec66b4ea5e98b4ab47889942049389278749e1f96329c38f31c377", size = 28865173, upload-time = "2025-03-30T04:44:43.932Z" }, - { url = "https://files.pythonhosted.org/packages/d2/ad/5c21694d68a563a0dcbae97b460093ec165efbb795695ea02b24415d6c79/imagecodecs-2025.3.30-cp313-cp313-win_arm64.whl", hash = "sha256:eda70c0b9d2bcf225f7ae12dbefd0e3ab92ea7db30cdb56b292517fb61357ad7", size = 23731786, upload-time = "2025-03-30T04:44:47.697Z" }, -] - -[[package]] -name = "imagecodecs" -version = "2025.8.2" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version >= '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.14.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", -] -dependencies = [ - { name = "numpy", marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/6b/d1/bac78c9bdecbc12bcaa96363dd6d7b358de0b4af512d08c16f6792e7a6ea/imagecodecs-2025.8.2.tar.gz", hash = "sha256:2af272aac90c370326a7e2fffcbbbd32d42de07576959a2a98d60110267dfe6c", size = 9490135, upload-time = "2025-08-03T06:08:38.148Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/3f/af/85a9fbfd3404d9e7050052907086a0d78004b953716e104c6c67afe01a7a/imagecodecs-2025.8.2-cp311-cp311-macosx_10_14_x86_64.whl", hash = "sha256:be6524a5aaaa22684390d7450b647e4c2ffcf284eb2433ca344518292eb484ba", size = 12518594, upload-time = "2025-08-03T06:06:37.981Z" }, - { url = "https://files.pythonhosted.org/packages/e1/b2/ad5c38b500a6bc12762c0a16529a8123abfa12b23fb937e74357ffad9bca/imagecodecs-2025.8.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:d588e51fe0ff35d759c310e209c12c76f5db35893de3e95c8e7fa69d78244ca5", size = 10168537, upload-time = "2025-08-03T06:06:40.788Z" }, - { url = "https://files.pythonhosted.org/packages/3c/8e/58a58f851043325f955bfc30eef14a23bc15dd02c343f7bf4028c27fd005/imagecodecs-2025.8.2-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:e13144b6af43bf75024a92f1522af6d8fd0ef61c6e0fcd01ae028961df93963a", size = 25522552, upload-time = "2025-08-03T06:06:44.527Z" }, - { url = "https://files.pythonhosted.org/packages/d6/7e/4eb0dc145b7abfbff4139251326946b44d375ae0ab29c775a58adee63a0f/imagecodecs-2025.8.2-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:8e993b0b1601d19ee1aadb10fceb93524d88b874ee728f82d3f9b40bddccd223", size = 26369822, upload-time = "2025-08-03T06:06:48.308Z" }, - { url = "https://files.pythonhosted.org/packages/ee/1b/05baebc43671f7f6d1d169841438cd689a12e257a021eab6fa5ebc00b5e1/imagecodecs-2025.8.2-cp311-cp311-win32.whl", hash = "sha256:a1ec2006cbc25bf273616c90478338d44f37aafa50935dcbc18767775b416722", size = 18567263, upload-time = "2025-08-03T06:06:51.692Z" }, - { url = "https://files.pythonhosted.org/packages/10/27/0254f64a1d759f22f2c3add691ef915bba016aa7b3630192bbaa9ce1d65d/imagecodecs-2025.8.2-cp311-cp311-win_amd64.whl", hash = "sha256:369a2e0784787ec2ea56676de5fdb0bdaff3202679f45b27e51261f0960923e1", size = 22686127, upload-time = "2025-08-03T06:06:55.182Z" }, - { url = "https://files.pythonhosted.org/packages/72/89/3a43d23e27da6e145148b96886b9f1b32b864cc4dc5f5356e585e2eef863/imagecodecs-2025.8.2-cp311-cp311-win_arm64.whl", hash = "sha256:5fa688d3521edeb192179c9808182f00064fb123af11c989a5d509e36a178ebe", size = 18003465, upload-time = "2025-08-03T06:06:58.387Z" }, - { url = "https://files.pythonhosted.org/packages/3b/2e/b129b2bf95a4332b86452dd93829cb6ab1e203d86a488fc8639e9f08db7d/imagecodecs-2025.8.2-cp312-cp312-macosx_10_14_x86_64.whl", hash = "sha256:32ce9707c85cf90e5fb4d9e076ec78288f0f1c084954376f798397743bc4d4e5", size = 12480416, upload-time = "2025-08-03T06:07:02.511Z" }, - { url = "https://files.pythonhosted.org/packages/dc/36/b1d3117c34f5eebfd7a92314042338dce608654173c71b1fb707e416aef5/imagecodecs-2025.8.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:7b7cd0c41ea83f249db2f4ee04c7c3f23bd6fbef89a58bdaa7d2bf11421ffc15", size = 10127356, upload-time = "2025-08-03T06:07:04.771Z" }, - { url = "https://files.pythonhosted.org/packages/e6/41/9ee8f13c4e3425c1aed0b9c5bca5547b968da20cb60af094fafcb52be05f/imagecodecs-2025.8.2-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:10f421048206ffb6763b1eb28f2205535801794e9f2c612bbcc219d14b9e44bc", size = 25765528, upload-time = "2025-08-03T06:07:08.044Z" }, - { url = "https://files.pythonhosted.org/packages/d6/1a/f12736807a179a4bd5a26387f2edf00cc3f972139b61f2833f6fbe9b9685/imagecodecs-2025.8.2-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:f14a5eb8151e32316028c09212eed1d14334460e8adbbef819c1d8ec6ab7e633", size = 26718026, upload-time = "2025-08-03T06:07:13.54Z" }, - { url = "https://files.pythonhosted.org/packages/9c/cd/b0367017443af901279952817900e7f496998fb11de24d91cccdb4fa3dc3/imagecodecs-2025.8.2-cp312-cp312-win32.whl", hash = "sha256:e5cb491fa698d055643d3519bab36a3da8d4144ac759430464e2f75f945f3325", size = 18546766, upload-time = "2025-08-03T06:07:16.836Z" }, - { url = "https://files.pythonhosted.org/packages/c4/97/5eb48564f5fdbe3ef83a07ba45d301d45bf85af382a051de34e0a3d6af85/imagecodecs-2025.8.2-cp312-cp312-win_amd64.whl", hash = "sha256:7371169cff1b98f07a983b28fffd2d334cf40a61fce3c876dda930149081bdeb", size = 22674367, upload-time = "2025-08-03T06:07:20.208Z" }, - { url = "https://files.pythonhosted.org/packages/2b/b9/a1a70b5d2250937cd747ceff94ddb9cb70d6f1b9fef9f4164d88c63dd3cb/imagecodecs-2025.8.2-cp312-cp312-win_arm64.whl", hash = "sha256:bf0a97cd58810d5d7ecd983332f1f85a0df991080a774f7caadb1add172165d0", size = 17981844, upload-time = "2025-08-03T06:07:23.219Z" }, - { url = "https://files.pythonhosted.org/packages/f2/69/77a5c020030dbba1a566264b9201f091534b4b10e9ac5725b7bd40895a8b/imagecodecs-2025.8.2-cp313-cp313-macosx_10_14_x86_64.whl", hash = "sha256:06a1b54847cbf595ed58879936eabdab990f1780b80d03a8d4edb57e61c768b0", size = 12454348, upload-time = "2025-08-03T06:07:26.135Z" }, - { url = "https://files.pythonhosted.org/packages/f9/5d/c5dd7f0706dc48d38deefe4cba05ac78236b662a8ef86f9c0cc569b9db96/imagecodecs-2025.8.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:dbf3abd281034e29034b773407c27eff35dd94832a9b6e3c97490db079e3c0a8", size = 10103114, upload-time = "2025-08-03T06:07:28.657Z" }, - { url = "https://files.pythonhosted.org/packages/60/40/8b656577120f758ce4b177917b57c76f15e695ff0e63584f641db2063bbe/imagecodecs-2025.8.2-cp313-cp313-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:248bb2ea3e43690196acdb1dae5aa40213dbd00c47255295d57da80770ceeaa7", size = 25602557, upload-time = "2025-08-03T06:07:32.399Z" }, - { url = "https://files.pythonhosted.org/packages/8a/de/6c1cf78cc0ecc45d98a0eb0d8920df7b90719f8643c7ed9b1bb700f95890/imagecodecs-2025.8.2-cp313-cp313-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:52230fcd0c331b0167ccd14d7ce764bb780006b65bf69761d8bde6863419fdbf", size = 26544468, upload-time = "2025-08-03T06:07:36.096Z" }, - { url = "https://files.pythonhosted.org/packages/51/14/bda4974256e31eca65e33446026c91d54d1124aa59ce042fc326836597ec/imagecodecs-2025.8.2-cp313-cp313-win32.whl", hash = "sha256:151f9e0879ed8a025b19fcffbf4785dacf29002d5fec94d318e84ba154ddd54c", size = 18534480, upload-time = "2025-08-03T06:07:39.901Z" }, - { url = "https://files.pythonhosted.org/packages/a6/bb/ada8851ee56ab835562fb96f764f055e16a5d43a81ebc95207f6b2f3c1d4/imagecodecs-2025.8.2-cp313-cp313-win_amd64.whl", hash = "sha256:d167c265caaf36f9f090e55b68a7c0ec4e5b436923cdc047358743f450534154", size = 22662134, upload-time = "2025-08-03T06:07:43.845Z" }, - { url = "https://files.pythonhosted.org/packages/7c/b6/687ad4e137fe637213540cf71bf6a3957cc48667ce6d96d6d9dcb8409305/imagecodecs-2025.8.2-cp313-cp313-win_arm64.whl", hash = "sha256:37199e19d61c7a6c0cf901859d7a81c4449d18047a15ca9d2ebe17176c8d1b69", size = 17968181, upload-time = "2025-08-03T06:07:47.254Z" }, - { url = "https://files.pythonhosted.org/packages/63/5f/2be51d6ea6e6cae13d8d4ce77d5076ef72e492f670368bb193db35e146ce/imagecodecs-2025.8.2-cp314-cp314-macosx_10_14_x86_64.whl", hash = "sha256:7a3c89b5f5c946d5649892e15b5c89aeca357d048331c3a4ae89009320d2704a", size = 12447596, upload-time = "2025-08-03T06:07:49.804Z" }, - { url = "https://files.pythonhosted.org/packages/6e/75/d9cd579b1fd5fdef5742567236adb49df15beaf8f66219412f21fb86a64c/imagecodecs-2025.8.2-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:3a4d2249e4d25a57da7da336c68efc72a7e15f9271dc6c13c322947f30383b8e", size = 10107274, upload-time = "2025-08-03T06:07:52.787Z" }, - { url = "https://files.pythonhosted.org/packages/57/46/011e41f99f2301091f902afd917a4a8079056510dfcb8b8529d96e4232c8/imagecodecs-2025.8.2-cp314-cp314-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:31ebfca1bd01c6e4db25c0a91301ddc9aeca1dc63642db689543a9700a5869e8", size = 25579702, upload-time = "2025-08-03T06:07:56.392Z" }, - { url = "https://files.pythonhosted.org/packages/bd/9b/b2d38a3902b2a61cfdbe1bca7aa939b77e32349d00aba7a4014d1dfd8cb9/imagecodecs-2025.8.2-cp314-cp314-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:be84bd8f3cf1552efc92f2465af5ab40a14a788d48482ef3a702e9dae5f4cd0b", size = 26372160, upload-time = "2025-08-03T06:08:00.079Z" }, - { url = "https://files.pythonhosted.org/packages/c2/96/a22ce5b43a93d12b21f2ec9e374cd4a7edf9347630c7ed90bef7c4ca9f5d/imagecodecs-2025.8.2-cp314-cp314-win32.whl", hash = "sha256:ce57af27547c42dfb888562a1a22dc51a6103c20b3fb69ac4c26121acc741ade", size = 18802212, upload-time = "2025-08-03T06:08:03.341Z" }, - { url = "https://files.pythonhosted.org/packages/b3/0c/d364bff2ffb8f2864e9f7fa6dd05b57c25a4c341ba1e2f08b3dea1dc8a6d/imagecodecs-2025.8.2-cp314-cp314-win_amd64.whl", hash = "sha256:b93d77293c0aa9e661d42f3203b13ea135d5bf9f0936fbbe90780ed1c67322d3", size = 23052776, upload-time = "2025-08-03T06:08:06.975Z" }, - { url = "https://files.pythonhosted.org/packages/7d/4b/54d1e3a2b9d11c8a875c98b543dc5527c259c174b05987b1e79ccfc107b9/imagecodecs-2025.8.2-cp314-cp314-win_arm64.whl", hash = "sha256:d7a53983d4df035761dc652e44c912092bddc5b115d6f5f612df301ce94fcd55", size = 18374009, upload-time = "2025-08-03T06:08:10.074Z" }, - { url = "https://files.pythonhosted.org/packages/ae/8f/c614d151d577c17f38bb8ba9388f56eaccc5c3708b3109ed103209350bc8/imagecodecs-2025.8.2-cp314-cp314t-macosx_10_14_x86_64.whl", hash = "sha256:9e2b138c2826cf58d4088513fe61bf2311d6206e0eb865a37cd27749812bcc2a", size = 12582934, upload-time = "2025-08-03T06:08:13.466Z" }, - { url = "https://files.pythonhosted.org/packages/cf/d2/9129c759a5d11c0c0f119fe08871823a623bb382c2996486db5442c3d61b/imagecodecs-2025.8.2-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:fa4750e23d69c95b99eff991ca3f28176b77b2e9ccf14eb326942afa4258d349", size = 10277782, upload-time = "2025-08-03T06:08:15.78Z" }, - { url = "https://files.pythonhosted.org/packages/31/39/838c2fc76e9d775b385b6d11b7882d162c895bd1c62aaf57143c79956c7f/imagecodecs-2025.8.2-cp314-cp314t-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:2ca3bb477946836af844dfe89d2bfb21c69e2e08904560f927dbb4298cfb76c9", size = 26631262, upload-time = "2025-08-03T06:08:19.518Z" }, - { url = "https://files.pythonhosted.org/packages/d7/38/c3f0ab9374b1b74c125ac3e77a8ee84b9a1e9eb7429dca0f026a792d02ed/imagecodecs-2025.8.2-cp314-cp314t-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:dd14eb5626cf7b307f9442da130c2a5340cd088718b71d35ce7389409b2e5341", size = 27053693, upload-time = "2025-08-03T06:08:24.422Z" }, - { url = "https://files.pythonhosted.org/packages/df/00/88399944e570369c39e626020200136ae20d9fcbb439e83ec0f25d301721/imagecodecs-2025.8.2-cp314-cp314t-win32.whl", hash = "sha256:4d8378e3068b12abc4cd9dbde8867ce80dad89b9f11a7bd24321c139eaea30aa", size = 19110281, upload-time = "2025-08-03T06:08:28.128Z" }, - { url = "https://files.pythonhosted.org/packages/a1/ec/bbeb61bb3b8c6853c74c501e787cc5be025454be8679fda385b3ee451c8b/imagecodecs-2025.8.2-cp314-cp314t-win_amd64.whl", hash = "sha256:4d1002282afc6b89616915e9741fa8bbd283e214a268f03b14a74acb43aad451", size = 23430830, upload-time = "2025-08-03T06:08:31.963Z" }, - { url = "https://files.pythonhosted.org/packages/d0/c0/93445b41eb2063414ebb443aa93bccaff2868252a8c55c8c0ea72a7be96a/imagecodecs-2025.8.2-cp314-cp314t-win_arm64.whl", hash = "sha256:f8bb58c7da65f93fee53d4b279d4030db2804b97a42c5135abc82f02ebfb4c3a", size = 18497460, upload-time = "2025-08-03T06:08:35.487Z" }, -] - -[[package]] -name = "imageio" -version = "2.37.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "numpy" }, - { name = "pillow" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/0c/47/57e897fb7094afb2d26e8b2e4af9a45c7cf1a405acdeeca001fdf2c98501/imageio-2.37.0.tar.gz", hash = "sha256:71b57b3669666272c818497aebba2b4c5f20d5b37c81720e5e1a56d59c492996", size = 389963, upload-time = "2025-01-20T02:42:37.089Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/cb/bd/b394387b598ed84d8d0fa90611a90bee0adc2021820ad5729f7ced74a8e2/imageio-2.37.0-py3-none-any.whl", hash = "sha256:11efa15b87bc7871b61590326b2d635439acc321cf7f8ce996f812543ce10eed", size = 315796, upload-time = "2025-01-20T02:42:34.931Z" }, -] - -[[package]] -name = "imagesize" -version = "1.4.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/a7/84/62473fb57d61e31fef6e36d64a179c8781605429fd927b5dd608c997be31/imagesize-1.4.1.tar.gz", hash = "sha256:69150444affb9cb0d5cc5a92b3676f0b2fb7cd9ae39e947a5e11a36b4497cd4a", size = 1280026, upload-time = "2022-07-01T12:21:05.687Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ff/62/85c4c919272577931d407be5ba5d71c20f0b616d31a0befe0ae45bb79abd/imagesize-1.4.1-py2.py3-none-any.whl", hash = "sha256:0d8d18d08f840c19d0ee7ca1fd82490fdc3729b7ac93f49870406ddde8ef8d8b", size = 8769, upload-time = "2022-07-01T12:21:02.467Z" }, -] - -[[package]] -name = "impi-rt" -version = "2021.15.0" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/c5/3f/99b4773fd9ec07b95ce7f5c62832b0981eea278c9fbbc9ba15007c182bb5/impi_rt-2021.15.0-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:1e900c630d6396c8a33816de9866d74f06419903db454899045fadb05ab390f1", size = 82633082, upload-time = "2025-03-21T15:28:32.914Z" }, - { url = "https://files.pythonhosted.org/packages/f9/59/21ad0caa10105e1e53d5902eb134b0de096b399b5475957015816e1afc86/impi_rt-2021.15.0-py2.py3-none-win_amd64.whl", hash = "sha256:d5ce4ae07c6af2b4deff6ec29a3171a922606fbd376400bc26e6955804db937e", size = 15409298, upload-time = "2025-03-21T15:30:17.561Z" }, -] - -[[package]] -name = "importlib-metadata" -version = "8.7.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "zipp" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/76/66/650a33bd90f786193e4de4b3ad86ea60b53c89b669a5c7be931fac31cdb0/importlib_metadata-8.7.0.tar.gz", hash = "sha256:d13b81ad223b890aa16c5471f2ac3056cf76c5f10f82d6f9292f0b415f389000", size = 56641, upload-time = "2025-04-27T15:29:01.736Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/20/b0/36bd937216ec521246249be3bf9855081de4c5e06a0c9b4219dbeda50373/importlib_metadata-8.7.0-py3-none-any.whl", hash = "sha256:e5dd1551894c77868a30651cef00984d50e1002d06942a7101d34870c5f02afd", size = 27656, upload-time = "2025-04-27T15:29:00.214Z" }, -] - -[[package]] -name = "importlib-resources" -version = "6.5.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/cf/8c/f834fbf984f691b4f7ff60f50b514cc3de5cc08abfc3295564dd89c5e2e7/importlib_resources-6.5.2.tar.gz", hash = "sha256:185f87adef5bcc288449d98fb4fba07cea78bc036455dd44c5fc4a2fe78fed2c", size = 44693, upload-time = "2025-01-03T18:51:56.698Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/a4/ed/1f1afb2e9e7f38a545d628f864d562a5ae64fe6f7a10e28ffb9b185b4e89/importlib_resources-6.5.2-py3-none-any.whl", hash = "sha256:789cfdc3ed28c78b67a06acb8126751ced69a3d5f79c095a98298cd8a760ccec", size = 37461, upload-time = "2025-01-03T18:51:54.306Z" }, -] - -[[package]] -name = "iniconfig" -version = "2.3.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/72/34/14ca021ce8e5dfedc35312d08ba8bf51fdd999c576889fc2c24cb97f4f10/iniconfig-2.3.0.tar.gz", hash = "sha256:c76315c77db068650d49c5b56314774a7804df16fee4402c1f19d6d15d8c4730", size = 20503, upload-time = "2025-10-18T21:55:43.219Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/cb/b1/3846dd7f199d53cb17f49cba7e651e9ce294d8497c8c150530ed11865bb8/iniconfig-2.3.0-py3-none-any.whl", hash = "sha256:f631c04d2c48c52b84d0d0549c99ff3859c98df65b3101406327ecc7d53fbf12", size = 7484, upload-time = "2025-10-18T21:55:41.639Z" }, -] - -[[package]] -name = "intel-cmplr-lib-rt" -version = "2025.1.1" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/bc/9d/c0462d37c81aaf3fad991f5c0feffebcd1d62b9fd4e0608f75599241dcbf/intel_cmplr_lib_rt-2025.1.1-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:42409cfb10b8ed2c90fa985cf156f26b51cec61b1fb0bdff04afdeefa1afd875", size = 47235223, upload-time = "2025-04-30T09:15:52.542Z" }, - { url = "https://files.pythonhosted.org/packages/d5/df/6237c9a478e961d8fa6a84c9cd792fb37bde49cac127b2b3b64475e5f383/intel_cmplr_lib_rt-2025.1.1-py2.py3-none-win_amd64.whl", hash = "sha256:500235b97d42d83657013dd2b2a35689ee60920ba0a026de5ca2bed9e7b30f2a", size = 17359058, upload-time = "2025-04-30T09:15:33.487Z" }, -] - -[[package]] -name = "intel-cmplr-lib-ur" -version = "2025.1.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "umf", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/db/0b/f29540ba90d60e06a497f1fa9af969bfaf05acf8619358c9c7ecc1750a6b/intel_cmplr_lib_ur-2025.1.1-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:b34ddb46fc70e21209297ac13f800e37be390df1589f4dd22e194b289871f30e", size = 26333678, upload-time = "2025-04-30T09:16:14.695Z" }, - { url = "https://files.pythonhosted.org/packages/00/17/aec63daf936af18354de6af8f4d8f8956b0964ff442248bd29bbafd6c6b3/intel_cmplr_lib_ur-2025.1.1-py2.py3-none-win_amd64.whl", hash = "sha256:a4d2fd91930ea017e9c8dd757b8159352aa7852344eb609d8f855b9efea11cea", size = 1063878, upload-time = "2025-04-30T09:15:30.784Z" }, -] - -[[package]] -name = "intel-cmplr-lic-rt" -version = "2025.1.1" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/3a/a0/474df1df0c3dc48f0886da12da02e77fcee48c8f85115232ad1f1468d6fa/intel_cmplr_lic_rt-2025.1.1-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:561ff766d70e499d334c1fccdf207c26b29c7a4b76bb783548cc2f0d9c8ad628", size = 18911, upload-time = "2025-04-30T09:15:56.034Z" }, - { url = "https://files.pythonhosted.org/packages/3d/cf/b4931302c4298c4ed64ff6357e8569715283c520451ccec140b748bfc694/intel_cmplr_lic_rt-2025.1.1-py2.py3-none-win_amd64.whl", hash = "sha256:524ad6176d12df567386548823baf8603976e58cc23ab0a8d3da544bfee259f2", size = 49550, upload-time = "2025-04-30T09:15:39.476Z" }, -] - -[[package]] -name = "intel-opencl-rt" -version = "2025.1.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "intel-cmplr-lic-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "tbb", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/d6/f8/faa98f4040b852f35fbab26e6c0c7bd25896110fb2c9f84d25aeef91f5f0/intel_opencl_rt-2025.1.1-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:0e194c2ba8540a41b811721ced9de88ec0bb8eba17cc4a46af91f8ce67941bc1", size = 195361529, upload-time = "2025-04-30T09:16:24.925Z" }, - { url = "https://files.pythonhosted.org/packages/a3/ae/cdadb653be6593cc69e922c03f72fc847f74c99c1e69c1b4f3638b7f5177/intel_opencl_rt-2025.1.1-py2.py3-none-win_amd64.whl", hash = "sha256:1c134e0ffbe05cf58028d93d7f66f346f4a429370200aedda094d840f3f2a50a", size = 105709942, upload-time = "2025-04-30T09:15:18.02Z" }, -] - -[[package]] -name = "intel-openmp" -version = "2025.1.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "intel-cmplr-lib-ur", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/cf/f8/839c84fc630e868b6ed4322c9c5bd5ed8ee8a30a27985cb027d627e25886/intel_openmp-2025.1.1-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:c3d3255f4076b86b6fb7e556492c4722be583bb958f095adc92d7a0e3807ec51", size = 48598966, upload-time = "2025-04-30T09:16:04.462Z" }, - { url = "https://files.pythonhosted.org/packages/ea/b8/0fb9f8562a73ff5a5d469c7faed422899618ab496a4ef629c1a73a92bb30/intel_openmp-2025.1.1-py2.py3-none-win_amd64.whl", hash = "sha256:4a63f6e0a302f08f8fab1109b91b4678f790e0ef508942ee4b2438ce1a253a60", size = 12713497, upload-time = "2025-04-30T09:15:27.877Z" }, -] - -[[package]] -name = "intel-pti" -version = "0.12.3" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ee/21/111954e2b0c08d12340a9cc2e913bf757fa47919df81383aa935332f3ab8/intel_pti-0.12.3-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:547b96effeb1e7480ebf5c55844fd7d84b49d8aedf78782625657a47279f0095", size = 1981359, upload-time = "2025-05-21T15:51:57.043Z" }, - { url = "https://files.pythonhosted.org/packages/08/15/dadfb4d08d8c0f256f933f6bd4017b7011c5808e6bafe2b1c077afd59d6d/intel_pti-0.12.3-py2.py3-none-win_amd64.whl", hash = "sha256:46bbbea735cb04a263d8e5c64bb8fb5e274cc7af185f9987bcb395f0b3c5e693", size = 742334, upload-time = "2025-05-21T15:51:59.455Z" }, -] - -[[package]] -name = "intel-sycl-rt" -version = "2025.1.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "intel-cmplr-lib-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "intel-cmplr-lib-ur", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "intel-cmplr-lic-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/66/f8/adb191377b4f473a8f1b93d1fd832e4e0c608dc5793008f1e4bf787a2396/intel_sycl_rt-2025.1.1-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:af82eeab518519c1177ebfed9e05a508a6f2c69795b33c2cf8e54b8020909b30", size = 24178667, upload-time = "2025-04-30T09:16:10.284Z" }, - { url = "https://files.pythonhosted.org/packages/76/3d/b708798c8060d0e17fdf86430acd1d2c4b0cb0be1cb75bb4a7f724523f68/intel_sycl_rt-2025.1.1-py2.py3-none-win_amd64.whl", hash = "sha256:34330646844771f03d040b05b39668ff8ff6f647285adac95421209be4f28d5b", size = 11140831, upload-time = "2025-04-30T09:15:36.795Z" }, -] - -[[package]] -name = "ipykernel" -version = "7.1.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "appnope", marker = "sys_platform == 'darwin' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "comm" }, - { name = "debugpy" }, - { name = "ipython", version = "8.37.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "ipython", version = "9.6.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "jupyter-client" }, - { name = "jupyter-core" }, - { name = "matplotlib-inline" }, - { name = "nest-asyncio" }, - { name = "packaging" }, - { name = "psutil" }, - { name = "pyzmq" }, - { name = "tornado" }, - { name = "traitlets" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/b9/a4/4948be6eb88628505b83a1f2f40d90254cab66abf2043b3c40fa07dfce0f/ipykernel-7.1.0.tar.gz", hash = "sha256:58a3fc88533d5930c3546dc7eac66c6d288acde4f801e2001e65edc5dc9cf0db", size = 174579, upload-time = "2025-10-27T09:46:39.471Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/a3/17/20c2552266728ceba271967b87919664ecc0e33efca29c3efc6baf88c5f9/ipykernel-7.1.0-py3-none-any.whl", hash = "sha256:763b5ec6c5b7776f6a8d7ce09b267693b4e5ce75cb50ae696aaefb3c85e1ea4c", size = 117968, upload-time = "2025-10-27T09:46:37.805Z" }, -] - -[[package]] -name = "ipython" -version = "8.37.0" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", -] -dependencies = [ - { name = "colorama", marker = "(python_full_version < '3.11' and sys_platform == 'win32') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "decorator", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "exceptiongroup", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "jedi", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "matplotlib-inline", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pexpect", marker = "(python_full_version < '3.11' and sys_platform != 'emscripten' and sys_platform != 'win32') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (python_full_version >= '3.11' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "prompt-toolkit", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pygments", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "stack-data", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "traitlets", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "typing-extensions", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/85/31/10ac88f3357fc276dc8a64e8880c82e80e7459326ae1d0a211b40abf6665/ipython-8.37.0.tar.gz", hash = "sha256:ca815841e1a41a1e6b73a0b08f3038af9b2252564d01fc405356d34033012216", size = 5606088, upload-time = "2025-05-31T16:39:09.613Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/91/d0/274fbf7b0b12643cbbc001ce13e6a5b1607ac4929d1b11c72460152c9fc3/ipython-8.37.0-py3-none-any.whl", hash = "sha256:ed87326596b878932dbcb171e3e698845434d8c61b8d8cd474bf663041a9dcf2", size = 831864, upload-time = "2025-05-31T16:39:06.38Z" }, -] - -[[package]] -name = "ipython" -version = "9.6.0" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version >= '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.14.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", -] -dependencies = [ - { name = "colorama", marker = "(python_full_version >= '3.11' and sys_platform == 'win32') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "decorator", marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "ipython-pygments-lexers", marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "jedi", marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "matplotlib-inline", marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pexpect", marker = "(python_full_version >= '3.11' and sys_platform != 'emscripten' and sys_platform != 'win32') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'emscripten' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'win32' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "prompt-toolkit", marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pygments", marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "stack-data", marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "traitlets", marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "typing-extensions", marker = "python_full_version == '3.11.*' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/2a/34/29b18c62e39ee2f7a6a3bba7efd952729d8aadd45ca17efc34453b717665/ipython-9.6.0.tar.gz", hash = "sha256:5603d6d5d356378be5043e69441a072b50a5b33b4503428c77b04cb8ce7bc731", size = 4396932, upload-time = "2025-09-29T10:55:53.948Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/48/c5/d5e07995077e48220269c28a221e168c91123ad5ceee44d548f54a057fc0/ipython-9.6.0-py3-none-any.whl", hash = "sha256:5f77efafc886d2f023442479b8149e7d86547ad0a979e9da9f045d252f648196", size = 616170, upload-time = "2025-09-29T10:55:47.676Z" }, -] - -[[package]] -name = "ipython-pygments-lexers" -version = "1.1.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "pygments", marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/ef/4c/5dd1d8af08107f88c7f741ead7a40854b8ac24ddf9ae850afbcf698aa552/ipython_pygments_lexers-1.1.1.tar.gz", hash = "sha256:09c0138009e56b6854f9535736f4171d855c8c08a563a0dcd8022f78355c7e81", size = 8393, upload-time = "2025-01-17T11:24:34.505Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/d9/33/1f075bf72b0b747cb3288d011319aaf64083cf2efef8354174e3ed4540e2/ipython_pygments_lexers-1.1.1-py3-none-any.whl", hash = "sha256:a9462224a505ade19a605f71f8fa63c2048833ce50abc86768a0d81d876dc81c", size = 8074, upload-time = "2025-01-17T11:24:33.271Z" }, -] - -[[package]] -name = "ipywidgets" -version = "8.1.7" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "comm" }, - { name = "ipython", version = "8.37.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "ipython", version = "9.6.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "jupyterlab-widgets" }, - { name = "traitlets" }, - { name = "widgetsnbextension" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/3e/48/d3dbac45c2814cb73812f98dd6b38bbcc957a4e7bb31d6ea9c03bf94ed87/ipywidgets-8.1.7.tar.gz", hash = "sha256:15f1ac050b9ccbefd45dccfbb2ef6bed0029d8278682d569d71b8dd96bee0376", size = 116721, upload-time = "2025-05-05T12:42:03.489Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/58/6a/9166369a2f092bd286d24e6307de555d63616e8ddb373ebad2b5635ca4cd/ipywidgets-8.1.7-py3-none-any.whl", hash = "sha256:764f2602d25471c213919b8a1997df04bef869251db4ca8efba1b76b1bd9f7bb", size = 139806, upload-time = "2025-05-05T12:41:56.833Z" }, -] - -[[package]] -name = "isoduration" -version = "20.11.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "arrow" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/7c/1a/3c8edc664e06e6bd06cce40c6b22da5f1429aa4224d0c590f3be21c91ead/isoduration-20.11.0.tar.gz", hash = "sha256:ac2f9015137935279eac671f94f89eb00584f940f5dc49462a0c4ee692ba1bd9", size = 11649, upload-time = "2020-11-01T11:00:00.312Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/7b/55/e5326141505c5d5e34c5e0935d2908a74e4561eca44108fbfb9c13d2911a/isoduration-20.11.0-py3-none-any.whl", hash = "sha256:b2904c2a4228c3d44f409c8ae8e2370eb21a26f7ac2ec5446df141dde3452042", size = 11321, upload-time = "2020-11-01T10:59:58.02Z" }, -] - -[[package]] -name = "itsdangerous" -version = "2.2.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/9c/cb/8ac0172223afbccb63986cc25049b154ecfb5e85932587206f42317be31d/itsdangerous-2.2.0.tar.gz", hash = "sha256:e0050c0b7da1eea53ffaf149c0cfbb5c6e2e2b69c4bef22c81fa6eb73e5f6173", size = 54410, upload-time = "2024-04-16T21:28:15.614Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/04/96/92447566d16df59b2a776c0fb82dbc4d9e07cd95062562af01e408583fc4/itsdangerous-2.2.0-py3-none-any.whl", hash = "sha256:c6242fc49e35958c8b15141343aa660db5fc54d4f13a1db01a3f5891b98700ef", size = 16234, upload-time = "2024-04-16T21:28:14.499Z" }, -] - -[[package]] -name = "jedi" -version = "0.19.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "parso" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/72/3a/79a912fbd4d8dd6fbb02bf69afd3bb72cf0c729bb3063c6f4498603db17a/jedi-0.19.2.tar.gz", hash = "sha256:4770dc3de41bde3966b02eb84fbcf557fb33cce26ad23da12c742fb50ecb11f0", size = 1231287, upload-time = "2024-11-11T01:41:42.873Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/c0/5a/9cac0c82afec3d09ccd97c8b6502d48f165f9124db81b4bcb90b4af974ee/jedi-0.19.2-py2.py3-none-any.whl", hash = "sha256:a8ef22bde8490f57fe5c7681a3c83cb58874daf72b4784de3cce5b6ef6edb5b9", size = 1572278, upload-time = "2024-11-11T01:41:40.175Z" }, -] - -[[package]] -name = "jinja2" -version = "3.1.6" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "markupsafe" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/df/bf/f7da0350254c0ed7c72f3e33cef02e048281fec7ecec5f032d4aac52226b/jinja2-3.1.6.tar.gz", hash = "sha256:0137fb05990d35f1275a587e9aee6d56da821fc83491a0fb838183be43f66d6d", size = 245115, upload-time = "2025-03-05T20:05:02.478Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/62/a1/3d680cbfd5f4b8f15abc1d571870c5fc3e594bb582bc3b64ea099db13e56/jinja2-3.1.6-py3-none-any.whl", hash = "sha256:85ece4451f492d0c13c5dd7c13a64681a86afae63a5f347908daf103ce6d2f67", size = 134899, upload-time = "2025-03-05T20:05:00.369Z" }, -] - -[[package]] -name = "jiter" -version = "0.11.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/a3/68/0357982493a7b20925aece061f7fb7a2678e3b232f8d73a6edb7e5304443/jiter-0.11.1.tar.gz", hash = "sha256:849dcfc76481c0ea0099391235b7ca97d7279e0fa4c86005457ac7c88e8b76dc", size = 168385, upload-time = "2025-10-17T11:31:15.186Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/12/10/d099def5716452c8d5ffa527405373a44ddaf8e3c9d4f6de1e1344cffd90/jiter-0.11.1-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:ed58841a491bbbf3f7c55a6b68fff568439ab73b2cce27ace0e169057b5851df", size = 310078, upload-time = "2025-10-17T11:28:36.186Z" }, - { url = "https://files.pythonhosted.org/packages/fe/56/b81d010b0031ffa96dfb590628562ac5f513ce56aa2ab451d29fb3fedeb9/jiter-0.11.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:499beb9b2d7e51d61095a8de39ebcab1d1778f2a74085f8305a969f6cee9f3e4", size = 317138, upload-time = "2025-10-17T11:28:38.294Z" }, - { url = "https://files.pythonhosted.org/packages/89/12/31ea12af9d79671cc7bd893bf0ccaf3467624c0fc7146a0cbfe7b549bcfa/jiter-0.11.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b87b2821795e28cc990939b68ce7a038edea680a24910bd68a79d54ff3f03c02", size = 348964, upload-time = "2025-10-17T11:28:40.103Z" }, - { url = "https://files.pythonhosted.org/packages/bc/d2/95cb6dc5ff962410667a29708c7a6c0691cc3c4866a0bfa79d085b56ebd6/jiter-0.11.1-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:83f6fa494d8bba14ab100417c80e70d32d737e805cb85be2052d771c76fcd1f8", size = 363289, upload-time = "2025-10-17T11:28:41.49Z" }, - { url = "https://files.pythonhosted.org/packages/b8/3e/37006ad5843a0bc3a3ec3a6c44710d7a154113befaf5f26d2fe190668b63/jiter-0.11.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5fbc6aea1daa2ec6f5ed465f0c5e7b0607175062ceebbea5ca70dd5ddab58083", size = 487243, upload-time = "2025-10-17T11:28:43.209Z" }, - { url = "https://files.pythonhosted.org/packages/80/5c/d38c8c801a322a0c0de47b9618c16fd766366f087ce37c4e55ae8e3c8b03/jiter-0.11.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:302288e2edc43174bb2db838e94688d724f9aad26c5fb9a74f7a5fb427452a6a", size = 376139, upload-time = "2025-10-17T11:28:44.821Z" }, - { url = "https://files.pythonhosted.org/packages/b0/cd/442ad2389a5570b0ee673f93e14bbe8cdecd3e08a9ba7756081d84065e4c/jiter-0.11.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:85db563fe3b367bb568af5d29dea4d4066d923b8e01f3417d25ebecd958de815", size = 359279, upload-time = "2025-10-17T11:28:46.152Z" }, - { url = "https://files.pythonhosted.org/packages/9a/35/8f5810d0e7d00bc395889085dbc1ccc36d454b56f28b2a5359dfd1bab48d/jiter-0.11.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:f1c1ba2b6b22f775444ef53bc2d5778396d3520abc7b2e1da8eb0c27cb3ffb10", size = 384911, upload-time = "2025-10-17T11:28:48.03Z" }, - { url = "https://files.pythonhosted.org/packages/3c/bd/8c069ceb0bafcf6b4aa5de0c27f02faf50468df39564a02e1a12389ad6c2/jiter-0.11.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:523be464b14f8fd0cc78da6964b87b5515a056427a2579f9085ce30197a1b54a", size = 517879, upload-time = "2025-10-17T11:28:49.902Z" }, - { url = "https://files.pythonhosted.org/packages/bc/3c/9163efcf762f79f47433078b4f0a1bddc56096082c02c6cae2f47f07f56f/jiter-0.11.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:25b99b3f04cd2a38fefb22e822e35eb203a2cd37d680dbbc0c0ba966918af336", size = 508739, upload-time = "2025-10-17T11:28:51.785Z" }, - { url = "https://files.pythonhosted.org/packages/44/07/50690f257935845d3114b95b5dd03749eeaab5e395cbb522f9e957da4551/jiter-0.11.1-cp310-cp310-win32.whl", hash = "sha256:47a79e90545a596bb9104109777894033347b11180d4751a216afef14072dbe7", size = 203948, upload-time = "2025-10-17T11:28:54.368Z" }, - { url = "https://files.pythonhosted.org/packages/d2/3a/5964a944bf2e98ffd566153fdc2a6a368fcb11b58cc46832ca8c75808dba/jiter-0.11.1-cp310-cp310-win_amd64.whl", hash = "sha256:cace75621ae9bd66878bf69fbd4dfc1a28ef8661e0c2d0eb72d3d6f1268eddf5", size = 207522, upload-time = "2025-10-17T11:28:56.79Z" }, - { url = "https://files.pythonhosted.org/packages/8b/34/c9e6cfe876f9a24f43ed53fe29f052ce02bd8d5f5a387dbf46ad3764bef0/jiter-0.11.1-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:9b0088ff3c374ce8ce0168523ec8e97122ebb788f950cf7bb8e39c7dc6a876a2", size = 310160, upload-time = "2025-10-17T11:28:59.174Z" }, - { url = "https://files.pythonhosted.org/packages/bc/9f/b06ec8181d7165858faf2ac5287c54fe52b2287760b7fe1ba9c06890255f/jiter-0.11.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:74433962dd3c3090655e02e461267095d6c84f0741c7827de11022ef8d7ff661", size = 316573, upload-time = "2025-10-17T11:29:00.905Z" }, - { url = "https://files.pythonhosted.org/packages/66/49/3179d93090f2ed0c6b091a9c210f266d2d020d82c96f753260af536371d0/jiter-0.11.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6d98030e345e6546df2cc2c08309c502466c66c4747b043f1a0d415fada862b8", size = 348998, upload-time = "2025-10-17T11:29:02.321Z" }, - { url = "https://files.pythonhosted.org/packages/ae/9d/63db2c8eabda7a9cad65a2e808ca34aaa8689d98d498f5a2357d7a2e2cec/jiter-0.11.1-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:1d6db0b2e788db46bec2cf729a88b6dd36959af2abd9fa2312dfba5acdd96dcb", size = 363413, upload-time = "2025-10-17T11:29:03.787Z" }, - { url = "https://files.pythonhosted.org/packages/25/ff/3e6b3170c5053053c7baddb8d44e2bf11ff44cd71024a280a8438ae6ba32/jiter-0.11.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:55678fbbda261eafe7289165dd2ddd0e922df5f9a1ae46d7c79a5a15242bd7d1", size = 487144, upload-time = "2025-10-17T11:29:05.37Z" }, - { url = "https://files.pythonhosted.org/packages/b0/50/b63fcadf699893269b997f4c2e88400bc68f085c6db698c6e5e69d63b2c1/jiter-0.11.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:6a6b74fae8e40497653b52ce6ca0f1b13457af769af6fb9c1113efc8b5b4d9be", size = 376215, upload-time = "2025-10-17T11:29:07.123Z" }, - { url = "https://files.pythonhosted.org/packages/39/8c/57a8a89401134167e87e73471b9cca321cf651c1fd78c45f3a0f16932213/jiter-0.11.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0a55a453f8b035eb4f7852a79a065d616b7971a17f5e37a9296b4b38d3b619e4", size = 359163, upload-time = "2025-10-17T11:29:09.047Z" }, - { url = "https://files.pythonhosted.org/packages/4b/96/30b0cdbffbb6f753e25339d3dbbe26890c9ef119928314578201c758aace/jiter-0.11.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:2638148099022e6bdb3f42904289cd2e403609356fb06eb36ddec2d50958bc29", size = 385344, upload-time = "2025-10-17T11:29:10.69Z" }, - { url = "https://files.pythonhosted.org/packages/c6/d5/31dae27c1cc9410ad52bb514f11bfa4f286f7d6ef9d287b98b8831e156ec/jiter-0.11.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:252490567a5d990986f83b95a5f1ca1bf205ebd27b3e9e93bb7c2592380e29b9", size = 517972, upload-time = "2025-10-17T11:29:12.174Z" }, - { url = "https://files.pythonhosted.org/packages/61/1e/5905a7a3aceab80de13ab226fd690471a5e1ee7e554dc1015e55f1a6b896/jiter-0.11.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:d431d52b0ca2436eea6195f0f48528202100c7deda354cb7aac0a302167594d5", size = 508408, upload-time = "2025-10-17T11:29:13.597Z" }, - { url = "https://files.pythonhosted.org/packages/91/12/1c49b97aa49077e136e8591cef7162f0d3e2860ae457a2d35868fd1521ef/jiter-0.11.1-cp311-cp311-win32.whl", hash = "sha256:db6f41e40f8bae20c86cb574b48c4fd9f28ee1c71cb044e9ec12e78ab757ba3a", size = 203937, upload-time = "2025-10-17T11:29:14.894Z" }, - { url = "https://files.pythonhosted.org/packages/6d/9d/2255f7c17134ee9892c7e013c32d5bcf4bce64eb115402c9fe5e727a67eb/jiter-0.11.1-cp311-cp311-win_amd64.whl", hash = "sha256:0cc407b8e6cdff01b06bb80f61225c8b090c3df108ebade5e0c3c10993735b19", size = 207589, upload-time = "2025-10-17T11:29:16.166Z" }, - { url = "https://files.pythonhosted.org/packages/3c/28/6307fc8f95afef84cae6caf5429fee58ef16a582c2ff4db317ceb3e352fa/jiter-0.11.1-cp311-cp311-win_arm64.whl", hash = "sha256:fe04ea475392a91896d1936367854d346724a1045a247e5d1c196410473b8869", size = 188391, upload-time = "2025-10-17T11:29:17.488Z" }, - { url = "https://files.pythonhosted.org/packages/15/8b/318e8af2c904a9d29af91f78c1e18f0592e189bbdb8a462902d31fe20682/jiter-0.11.1-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:c92148eec91052538ce6823dfca9525f5cfc8b622d7f07e9891a280f61b8c96c", size = 305655, upload-time = "2025-10-17T11:29:18.859Z" }, - { url = "https://files.pythonhosted.org/packages/f7/29/6c7de6b5d6e511d9e736312c0c9bfcee8f9b6bef68182a08b1d78767e627/jiter-0.11.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ecd4da91b5415f183a6be8f7158d127bdd9e6a3174138293c0d48d6ea2f2009d", size = 315645, upload-time = "2025-10-17T11:29:20.889Z" }, - { url = "https://files.pythonhosted.org/packages/ac/5f/ef9e5675511ee0eb7f98dd8c90509e1f7743dbb7c350071acae87b0145f3/jiter-0.11.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d7e3ac25c00b9275684d47aa42febaa90a9958e19fd1726c4ecf755fbe5e553b", size = 348003, upload-time = "2025-10-17T11:29:22.712Z" }, - { url = "https://files.pythonhosted.org/packages/56/1b/abe8c4021010b0a320d3c62682769b700fb66f92c6db02d1a1381b3db025/jiter-0.11.1-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:57d7305c0a841858f866cd459cd9303f73883fb5e097257f3d4a3920722c69d4", size = 365122, upload-time = "2025-10-17T11:29:24.408Z" }, - { url = "https://files.pythonhosted.org/packages/2a/2d/4a18013939a4f24432f805fbd5a19893e64650b933edb057cd405275a538/jiter-0.11.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e86fa10e117dce22c547f31dd6d2a9a222707d54853d8de4e9a2279d2c97f239", size = 488360, upload-time = "2025-10-17T11:29:25.724Z" }, - { url = "https://files.pythonhosted.org/packages/f0/77/38124f5d02ac4131f0dfbcfd1a19a0fac305fa2c005bc4f9f0736914a1a4/jiter-0.11.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ae5ef1d48aec7e01ee8420155d901bb1d192998fa811a65ebb82c043ee186711", size = 376884, upload-time = "2025-10-17T11:29:27.056Z" }, - { url = "https://files.pythonhosted.org/packages/7b/43/59fdc2f6267959b71dd23ce0bd8d4aeaf55566aa435a5d00f53d53c7eb24/jiter-0.11.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:eb68e7bf65c990531ad8715e57d50195daf7c8e6f1509e617b4e692af1108939", size = 358827, upload-time = "2025-10-17T11:29:28.698Z" }, - { url = "https://files.pythonhosted.org/packages/7d/d0/b3cc20ff5340775ea3bbaa0d665518eddecd4266ba7244c9cb480c0c82ec/jiter-0.11.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:43b30c8154ded5845fa454ef954ee67bfccce629b2dea7d01f795b42bc2bda54", size = 385171, upload-time = "2025-10-17T11:29:30.078Z" }, - { url = "https://files.pythonhosted.org/packages/d2/bc/94dd1f3a61f4dc236f787a097360ec061ceeebebf4ea120b924d91391b10/jiter-0.11.1-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:586cafbd9dd1f3ce6a22b4a085eaa6be578e47ba9b18e198d4333e598a91db2d", size = 518359, upload-time = "2025-10-17T11:29:31.464Z" }, - { url = "https://files.pythonhosted.org/packages/7e/8c/12ee132bd67e25c75f542c227f5762491b9a316b0dad8e929c95076f773c/jiter-0.11.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:677cc2517d437a83bb30019fd4cf7cad74b465914c56ecac3440d597ac135250", size = 509205, upload-time = "2025-10-17T11:29:32.895Z" }, - { url = "https://files.pythonhosted.org/packages/39/d5/9de848928ce341d463c7e7273fce90ea6d0ea4343cd761f451860fa16b59/jiter-0.11.1-cp312-cp312-win32.whl", hash = "sha256:fa992af648fcee2b850a3286a35f62bbbaeddbb6dbda19a00d8fbc846a947b6e", size = 205448, upload-time = "2025-10-17T11:29:34.217Z" }, - { url = "https://files.pythonhosted.org/packages/ee/b0/8002d78637e05009f5e3fb5288f9d57d65715c33b5d6aa20fd57670feef5/jiter-0.11.1-cp312-cp312-win_amd64.whl", hash = "sha256:88b5cae9fa51efeb3d4bd4e52bfd4c85ccc9cac44282e2a9640893a042ba4d87", size = 204285, upload-time = "2025-10-17T11:29:35.446Z" }, - { url = "https://files.pythonhosted.org/packages/9f/a2/bb24d5587e4dff17ff796716542f663deee337358006a80c8af43ddc11e5/jiter-0.11.1-cp312-cp312-win_arm64.whl", hash = "sha256:9a6cae1ab335551917f882f2c3c1efe7617b71b4c02381e4382a8fc80a02588c", size = 188712, upload-time = "2025-10-17T11:29:37.027Z" }, - { url = "https://files.pythonhosted.org/packages/7c/4b/e4dd3c76424fad02a601d570f4f2a8438daea47ba081201a721a903d3f4c/jiter-0.11.1-cp313-cp313-macosx_10_12_x86_64.whl", hash = "sha256:71b6a920a5550f057d49d0e8bcc60945a8da998019e83f01adf110e226267663", size = 305272, upload-time = "2025-10-17T11:29:39.249Z" }, - { url = "https://files.pythonhosted.org/packages/67/83/2cd3ad5364191130f4de80eacc907f693723beaab11a46c7d155b07a092c/jiter-0.11.1-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:0b3de72e925388453a5171be83379549300db01284f04d2a6f244d1d8de36f94", size = 314038, upload-time = "2025-10-17T11:29:40.563Z" }, - { url = "https://files.pythonhosted.org/packages/d3/3c/8e67d9ba524e97d2f04c8f406f8769a23205026b13b0938d16646d6e2d3e/jiter-0.11.1-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cc19dd65a2bd3d9c044c5b4ebf657ca1e6003a97c0fc10f555aa4f7fb9821c00", size = 345977, upload-time = "2025-10-17T11:29:42.009Z" }, - { url = "https://files.pythonhosted.org/packages/8d/a5/489ce64d992c29bccbffabb13961bbb0435e890d7f2d266d1f3df5e917d2/jiter-0.11.1-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:d58faaa936743cd1464540562f60b7ce4fd927e695e8bc31b3da5b914baa9abd", size = 364503, upload-time = "2025-10-17T11:29:43.459Z" }, - { url = "https://files.pythonhosted.org/packages/d4/c0/e321dd83ee231d05c8fe4b1a12caf1f0e8c7a949bf4724d58397104f10f2/jiter-0.11.1-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:902640c3103625317291cb73773413b4d71847cdf9383ba65528745ff89f1d14", size = 487092, upload-time = "2025-10-17T11:29:44.835Z" }, - { url = "https://files.pythonhosted.org/packages/f9/5e/8f24ec49c8d37bd37f34ec0112e0b1a3b4b5a7b456c8efff1df5e189ad43/jiter-0.11.1-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:30405f726e4c2ed487b176c09f8b877a957f535d60c1bf194abb8dadedb5836f", size = 376328, upload-time = "2025-10-17T11:29:46.175Z" }, - { url = "https://files.pythonhosted.org/packages/7f/70/ded107620e809327cf7050727e17ccfa79d6385a771b7fe38fb31318ef00/jiter-0.11.1-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3217f61728b0baadd2551844870f65219ac4a1285d5e1a4abddff3d51fdabe96", size = 356632, upload-time = "2025-10-17T11:29:47.454Z" }, - { url = "https://files.pythonhosted.org/packages/19/53/c26f7251613f6a9079275ee43c89b8a973a95ff27532c421abc2a87afb04/jiter-0.11.1-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:b1364cc90c03a8196f35f396f84029f12abe925415049204446db86598c8b72c", size = 384358, upload-time = "2025-10-17T11:29:49.377Z" }, - { url = "https://files.pythonhosted.org/packages/84/16/e0f2cc61e9c4d0b62f6c1bd9b9781d878a427656f88293e2a5335fa8ff07/jiter-0.11.1-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:53a54bf8e873820ab186b2dca9f6c3303f00d65ae5e7b7d6bda1b95aa472d646", size = 517279, upload-time = "2025-10-17T11:29:50.968Z" }, - { url = "https://files.pythonhosted.org/packages/60/5c/4cd095eaee68961bca3081acbe7c89e12ae24a5dae5fd5d2a13e01ed2542/jiter-0.11.1-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:7e29aca023627b0e0c2392d4248f6414d566ff3974fa08ff2ac8dbb96dfee92a", size = 508276, upload-time = "2025-10-17T11:29:52.619Z" }, - { url = "https://files.pythonhosted.org/packages/4f/25/f459240e69b0e09a7706d96ce203ad615ca36b0fe832308d2b7123abf2d0/jiter-0.11.1-cp313-cp313-win32.whl", hash = "sha256:f153e31d8bca11363751e875c0a70b3d25160ecbaee7b51e457f14498fb39d8b", size = 205593, upload-time = "2025-10-17T11:29:53.938Z" }, - { url = "https://files.pythonhosted.org/packages/7c/16/461bafe22bae79bab74e217a09c907481a46d520c36b7b9fe71ee8c9e983/jiter-0.11.1-cp313-cp313-win_amd64.whl", hash = "sha256:f773f84080b667c69c4ea0403fc67bb08b07e2b7ce1ef335dea5868451e60fed", size = 203518, upload-time = "2025-10-17T11:29:55.216Z" }, - { url = "https://files.pythonhosted.org/packages/7b/72/c45de6e320edb4fa165b7b1a414193b3cae302dd82da2169d315dcc78b44/jiter-0.11.1-cp313-cp313-win_arm64.whl", hash = "sha256:635ecd45c04e4c340d2187bcb1cea204c7cc9d32c1364d251564bf42e0e39c2d", size = 188062, upload-time = "2025-10-17T11:29:56.631Z" }, - { url = "https://files.pythonhosted.org/packages/65/9b/4a57922437ca8753ef823f434c2dec5028b237d84fa320f06a3ba1aec6e8/jiter-0.11.1-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:d892b184da4d94d94ddb4031296931c74ec8b325513a541ebfd6dfb9ae89904b", size = 313814, upload-time = "2025-10-17T11:29:58.509Z" }, - { url = "https://files.pythonhosted.org/packages/76/50/62a0683dadca25490a4bedc6a88d59de9af2a3406dd5a576009a73a1d392/jiter-0.11.1-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:aa22c223a3041dacb2fcd37c70dfd648b44662b4a48e242592f95bda5ab09d58", size = 344987, upload-time = "2025-10-17T11:30:00.208Z" }, - { url = "https://files.pythonhosted.org/packages/da/00/2355dbfcbf6cdeaddfdca18287f0f38ae49446bb6378e4a5971e9356fc8a/jiter-0.11.1-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:330e8e6a11ad4980cd66a0f4a3e0e2e0f646c911ce047014f984841924729789", size = 356399, upload-time = "2025-10-17T11:30:02.084Z" }, - { url = "https://files.pythonhosted.org/packages/c9/07/c2bd748d578fa933d894a55bff33f983bc27f75fc4e491b354bef7b78012/jiter-0.11.1-cp313-cp313t-win_amd64.whl", hash = "sha256:09e2e386ebf298547ca3a3704b729471f7ec666c2906c5c26c1a915ea24741ec", size = 203289, upload-time = "2025-10-17T11:30:03.656Z" }, - { url = "https://files.pythonhosted.org/packages/e6/ee/ace64a853a1acbd318eb0ca167bad1cf5ee037207504b83a868a5849747b/jiter-0.11.1-cp313-cp313t-win_arm64.whl", hash = "sha256:fe4a431c291157e11cee7c34627990ea75e8d153894365a3bc84b7a959d23ca8", size = 188284, upload-time = "2025-10-17T11:30:05.046Z" }, - { url = "https://files.pythonhosted.org/packages/8d/00/d6006d069e7b076e4c66af90656b63da9481954f290d5eca8c715f4bf125/jiter-0.11.1-cp314-cp314-macosx_10_12_x86_64.whl", hash = "sha256:0fa1f70da7a8a9713ff8e5f75ec3f90c0c870be6d526aa95e7c906f6a1c8c676", size = 304624, upload-time = "2025-10-17T11:30:06.678Z" }, - { url = "https://files.pythonhosted.org/packages/fc/45/4a0e31eb996b9ccfddbae4d3017b46f358a599ccf2e19fbffa5e531bd304/jiter-0.11.1-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:569ee559e5046a42feb6828c55307cf20fe43308e3ae0d8e9e4f8d8634d99944", size = 315042, upload-time = "2025-10-17T11:30:08.87Z" }, - { url = "https://files.pythonhosted.org/packages/e7/91/22f5746f5159a28c76acdc0778801f3c1181799aab196dbea2d29e064968/jiter-0.11.1-cp314-cp314-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f69955fa1d92e81987f092b233f0be49d4c937da107b7f7dcf56306f1d3fcce9", size = 346357, upload-time = "2025-10-17T11:30:10.222Z" }, - { url = "https://files.pythonhosted.org/packages/f5/4f/57620857d4e1dc75c8ff4856c90cb6c135e61bff9b4ebfb5dc86814e82d7/jiter-0.11.1-cp314-cp314-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:090f4c9d4a825e0fcbd0a2647c9a88a0f366b75654d982d95a9590745ff0c48d", size = 365057, upload-time = "2025-10-17T11:30:11.585Z" }, - { url = "https://files.pythonhosted.org/packages/ce/34/caf7f9cc8ae0a5bb25a5440cc76c7452d264d1b36701b90fdadd28fe08ec/jiter-0.11.1-cp314-cp314-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bbf3d8cedf9e9d825233e0dcac28ff15c47b7c5512fdfe2e25fd5bbb6e6b0cee", size = 487086, upload-time = "2025-10-17T11:30:13.052Z" }, - { url = "https://files.pythonhosted.org/packages/50/17/85b5857c329d533d433fedf98804ebec696004a1f88cabad202b2ddc55cf/jiter-0.11.1-cp314-cp314-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2aa9b1958f9c30d3d1a558b75f0626733c60eb9b7774a86b34d88060be1e67fe", size = 376083, upload-time = "2025-10-17T11:30:14.416Z" }, - { url = "https://files.pythonhosted.org/packages/85/d3/2d9f973f828226e6faebdef034097a2918077ea776fb4d88489949024787/jiter-0.11.1-cp314-cp314-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e42d1ca16590b768c5e7d723055acd2633908baacb3628dd430842e2e035aa90", size = 357825, upload-time = "2025-10-17T11:30:15.765Z" }, - { url = "https://files.pythonhosted.org/packages/f4/55/848d4dabf2c2c236a05468c315c2cb9dc736c5915e65449ccecdba22fb6f/jiter-0.11.1-cp314-cp314-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:5db4c2486a023820b701a17aec9c5a6173c5ba4393f26662f032f2de9c848b0f", size = 383933, upload-time = "2025-10-17T11:30:17.34Z" }, - { url = "https://files.pythonhosted.org/packages/0b/6c/204c95a4fbb0e26dfa7776c8ef4a878d0c0b215868011cc904bf44f707e2/jiter-0.11.1-cp314-cp314-musllinux_1_1_aarch64.whl", hash = "sha256:4573b78777ccfac954859a6eff45cbd9d281d80c8af049d0f1a3d9fc323d5c3a", size = 517118, upload-time = "2025-10-17T11:30:18.684Z" }, - { url = "https://files.pythonhosted.org/packages/88/25/09956644ea5a2b1e7a2a0f665cb69a973b28f4621fa61fc0c0f06ff40a31/jiter-0.11.1-cp314-cp314-musllinux_1_1_x86_64.whl", hash = "sha256:7593ac6f40831d7961cb67633c39b9fef6689a211d7919e958f45710504f52d3", size = 508194, upload-time = "2025-10-17T11:30:20.719Z" }, - { url = "https://files.pythonhosted.org/packages/09/49/4d1657355d7f5c9e783083a03a3f07d5858efa6916a7d9634d07db1c23bd/jiter-0.11.1-cp314-cp314-win32.whl", hash = "sha256:87202ec6ff9626ff5f9351507def98fcf0df60e9a146308e8ab221432228f4ea", size = 203961, upload-time = "2025-10-17T11:30:22.073Z" }, - { url = "https://files.pythonhosted.org/packages/76/bd/f063bd5cc2712e7ca3cf6beda50894418fc0cfeb3f6ff45a12d87af25996/jiter-0.11.1-cp314-cp314-win_amd64.whl", hash = "sha256:a5dd268f6531a182c89d0dd9a3f8848e86e92dfff4201b77a18e6b98aa59798c", size = 202804, upload-time = "2025-10-17T11:30:23.452Z" }, - { url = "https://files.pythonhosted.org/packages/52/ca/4d84193dfafef1020bf0bedd5e1a8d0e89cb67c54b8519040effc694964b/jiter-0.11.1-cp314-cp314-win_arm64.whl", hash = "sha256:5d761f863f912a44748a21b5c4979c04252588ded8d1d2760976d2e42cd8d991", size = 188001, upload-time = "2025-10-17T11:30:24.915Z" }, - { url = "https://files.pythonhosted.org/packages/d5/fa/3b05e5c9d32efc770a8510eeb0b071c42ae93a5b576fd91cee9af91689a1/jiter-0.11.1-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:2cc5a3965285ddc33e0cab933e96b640bc9ba5940cea27ebbbf6695e72d6511c", size = 312561, upload-time = "2025-10-17T11:30:26.742Z" }, - { url = "https://files.pythonhosted.org/packages/50/d3/335822eb216154ddb79a130cbdce88fdf5c3e2b43dc5dba1fd95c485aaf5/jiter-0.11.1-cp314-cp314t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6b572b3636a784c2768b2342f36a23078c8d3aa6d8a30745398b1bab58a6f1a8", size = 344551, upload-time = "2025-10-17T11:30:28.252Z" }, - { url = "https://files.pythonhosted.org/packages/31/6d/a0bed13676b1398f9b3ba61f32569f20a3ff270291161100956a577b2dd3/jiter-0.11.1-cp314-cp314t-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:ad93e3d67a981f96596d65d2298fe8d1aa649deb5374a2fb6a434410ee11915e", size = 363051, upload-time = "2025-10-17T11:30:30.009Z" }, - { url = "https://files.pythonhosted.org/packages/a4/03/313eda04aa08545a5a04ed5876e52f49ab76a4d98e54578896ca3e16313e/jiter-0.11.1-cp314-cp314t-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a83097ce379e202dcc3fe3fc71a16d523d1ee9192c8e4e854158f96b3efe3f2f", size = 485897, upload-time = "2025-10-17T11:30:31.429Z" }, - { url = "https://files.pythonhosted.org/packages/5f/13/a1011b9d325e40b53b1b96a17c010b8646013417f3902f97a86325b19299/jiter-0.11.1-cp314-cp314t-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7042c51e7fbeca65631eb0c332f90c0c082eab04334e7ccc28a8588e8e2804d9", size = 375224, upload-time = "2025-10-17T11:30:33.18Z" }, - { url = "https://files.pythonhosted.org/packages/92/da/1b45026b19dd39b419e917165ff0ea629dbb95f374a3a13d2df95e40a6ac/jiter-0.11.1-cp314-cp314t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0a68d679c0e47649a61df591660507608adc2652442de7ec8276538ac46abe08", size = 356606, upload-time = "2025-10-17T11:30:34.572Z" }, - { url = "https://files.pythonhosted.org/packages/7a/0c/9acb0e54d6a8ba59ce923a180ebe824b4e00e80e56cefde86cc8e0a948be/jiter-0.11.1-cp314-cp314t-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:a1b0da75dbf4b6ec0b3c9e604d1ee8beaf15bc046fff7180f7d89e3cdbd3bb51", size = 384003, upload-time = "2025-10-17T11:30:35.987Z" }, - { url = "https://files.pythonhosted.org/packages/3f/2b/e5a5fe09d6da2145e4eed651e2ce37f3c0cf8016e48b1d302e21fb1628b7/jiter-0.11.1-cp314-cp314t-musllinux_1_1_aarch64.whl", hash = "sha256:69dd514bf0fa31c62147d6002e5ca2b3e7ef5894f5ac6f0a19752385f4e89437", size = 516946, upload-time = "2025-10-17T11:30:37.425Z" }, - { url = "https://files.pythonhosted.org/packages/5f/fe/db936e16e0228d48eb81f9934e8327e9fde5185e84f02174fcd22a01be87/jiter-0.11.1-cp314-cp314t-musllinux_1_1_x86_64.whl", hash = "sha256:bb31ac0b339efa24c0ca606febd8b77ef11c58d09af1b5f2be4c99e907b11111", size = 507614, upload-time = "2025-10-17T11:30:38.977Z" }, - { url = "https://files.pythonhosted.org/packages/86/db/c4438e8febfb303486d13c6b72f5eb71cf851e300a0c1f0b4140018dd31f/jiter-0.11.1-cp314-cp314t-win32.whl", hash = "sha256:b2ce0d6156a1d3ad41da3eec63b17e03e296b78b0e0da660876fccfada86d2f7", size = 204043, upload-time = "2025-10-17T11:30:40.308Z" }, - { url = "https://files.pythonhosted.org/packages/36/59/81badb169212f30f47f817dfaabf965bc9b8204fed906fab58104ee541f9/jiter-0.11.1-cp314-cp314t-win_amd64.whl", hash = "sha256:f4db07d127b54c4a2d43b4cf05ff0193e4f73e0dd90c74037e16df0b29f666e1", size = 204046, upload-time = "2025-10-17T11:30:41.692Z" }, - { url = "https://files.pythonhosted.org/packages/dd/01/43f7b4eb61db3e565574c4c5714685d042fb652f9eef7e5a3de6aafa943a/jiter-0.11.1-cp314-cp314t-win_arm64.whl", hash = "sha256:28e4fdf2d7ebfc935523e50d1efa3970043cfaa161674fe66f9642409d001dfe", size = 188069, upload-time = "2025-10-17T11:30:43.23Z" }, - { url = "https://files.pythonhosted.org/packages/9d/51/bd41562dd284e2a18b6dc0a99d195fd4a3560d52ab192c42e56fe0316643/jiter-0.11.1-graalpy311-graalpy242_311_native-macosx_10_12_x86_64.whl", hash = "sha256:e642b5270e61dd02265866398707f90e365b5db2eb65a4f30c789d826682e1f6", size = 306871, upload-time = "2025-10-17T11:31:03.616Z" }, - { url = "https://files.pythonhosted.org/packages/ba/cb/64e7f21dd357e8cd6b3c919c26fac7fc198385bbd1d85bb3b5355600d787/jiter-0.11.1-graalpy311-graalpy242_311_native-macosx_11_0_arm64.whl", hash = "sha256:464ba6d000585e4e2fd1e891f31f1231f497273414f5019e27c00a4b8f7a24ad", size = 301454, upload-time = "2025-10-17T11:31:05.338Z" }, - { url = "https://files.pythonhosted.org/packages/55/b0/54bdc00da4ef39801b1419a01035bd8857983de984fd3776b0be6b94add7/jiter-0.11.1-graalpy311-graalpy242_311_native-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:055568693ab35e0bf3a171b03bb40b2dcb10352359e0ab9b5ed0da2bf1eb6f6f", size = 336801, upload-time = "2025-10-17T11:31:06.893Z" }, - { url = "https://files.pythonhosted.org/packages/de/8f/87176ed071d42e9db415ed8be787ef4ef31a4fa27f52e6a4fbf34387bd28/jiter-0.11.1-graalpy311-graalpy242_311_native-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e0c69ea798d08a915ba4478113efa9e694971e410056392f4526d796f136d3fa", size = 343452, upload-time = "2025-10-17T11:31:08.259Z" }, - { url = "https://files.pythonhosted.org/packages/a6/bc/950dd7f170c6394b6fdd73f989d9e729bd98907bcc4430ef080a72d06b77/jiter-0.11.1-graalpy312-graalpy250_312_native-macosx_10_12_x86_64.whl", hash = "sha256:0d4d6993edc83cf75e8c6828a8d6ce40a09ee87e38c7bfba6924f39e1337e21d", size = 302626, upload-time = "2025-10-17T11:31:09.645Z" }, - { url = "https://files.pythonhosted.org/packages/3a/65/43d7971ca82ee100b7b9b520573eeef7eabc0a45d490168ebb9a9b5bb8b2/jiter-0.11.1-graalpy312-graalpy250_312_native-macosx_11_0_arm64.whl", hash = "sha256:f78d151c83a87a6cf5461d5ee55bc730dd9ae227377ac6f115b922989b95f838", size = 297034, upload-time = "2025-10-17T11:31:10.975Z" }, - { url = "https://files.pythonhosted.org/packages/19/4c/000e1e0c0c67e96557a279f8969487ea2732d6c7311698819f977abae837/jiter-0.11.1-graalpy312-graalpy250_312_native-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c9022974781155cd5521d5cb10997a03ee5e31e8454c9d999dcdccd253f2353f", size = 337328, upload-time = "2025-10-17T11:31:12.399Z" }, - { url = "https://files.pythonhosted.org/packages/d9/71/71408b02c6133153336d29fa3ba53000f1e1a3f78bb2fc2d1a1865d2e743/jiter-0.11.1-graalpy312-graalpy250_312_native-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:18c77aaa9117510d5bdc6a946baf21b1f0cfa58ef04d31c8d016f206f2118960", size = 343697, upload-time = "2025-10-17T11:31:13.773Z" }, -] - -[[package]] -name = "joblib" -version = "1.5.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/e8/5d/447af5ea094b9e4c4054f82e223ada074c552335b9b4b2d14bd9b35a67c4/joblib-1.5.2.tar.gz", hash = "sha256:3faa5c39054b2f03ca547da9b2f52fde67c06240c31853f306aea97f13647b55", size = 331077, upload-time = "2025-08-27T12:15:46.575Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/1e/e8/685f47e0d754320684db4425a0967f7d3fa70126bffd76110b7009a0090f/joblib-1.5.2-py3-none-any.whl", hash = "sha256:4e1f0bdbb987e6d843c70cf43714cb276623def372df3c22fe5266b2670bc241", size = 308396, upload-time = "2025-08-27T12:15:45.188Z" }, -] - -[[package]] -name = "json5" -version = "0.12.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/12/ae/929aee9619e9eba9015207a9d2c1c54db18311da7eb4dcf6d41ad6f0eb67/json5-0.12.1.tar.gz", hash = "sha256:b2743e77b3242f8d03c143dd975a6ec7c52e2f2afe76ed934e53503dd4ad4990", size = 52191, upload-time = "2025-08-12T19:47:42.583Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/85/e2/05328bd2621be49a6fed9e3030b1e51a2d04537d3f816d211b9cc53c5262/json5-0.12.1-py3-none-any.whl", hash = "sha256:d9c9b3bc34a5f54d43c35e11ef7cb87d8bdd098c6ace87117a7b7e83e705c1d5", size = 36119, upload-time = "2025-08-12T19:47:41.131Z" }, -] - -[[package]] -name = "jsonargparse" -version = "4.42.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "pyyaml" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/32/ef/6bcc6d88e401af6d1c05c6a3f3955ebeae538711f1199e25c53326c921e5/jsonargparse-4.42.0.tar.gz", hash = "sha256:170551344f06500091ca6732bf93726c5aa79f4f2632a7f2a18d7a897ae2c5c1", size = 212273, upload-time = "2025-10-14T05:23:43.15Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/0b/a1/3f06c00dc217baaa273b08022c00bc6c71d619c4d03325179b8fec80d90f/jsonargparse-4.42.0-py3-none-any.whl", hash = "sha256:d112bdaab22918ff5a8fb2d6036596f8527961922fd972b6e50afc6340514a28", size = 235760, upload-time = "2025-10-14T05:23:40.849Z" }, -] - -[package.optional-dependencies] -signatures = [ - { name = "docstring-parser" }, - { name = "typeshed-client" }, -] - -[[package]] -name = "jsonpointer" -version = "3.0.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/6a/0a/eebeb1fa92507ea94016a2a790b93c2ae41a7e18778f85471dc54475ed25/jsonpointer-3.0.0.tar.gz", hash = "sha256:2b2d729f2091522d61c3b31f82e11870f60b68f43fbc705cb76bf4b832af59ef", size = 9114, upload-time = "2024-06-10T19:24:42.462Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/71/92/5e77f98553e9e75130c78900d000368476aed74276eb8ae8796f65f00918/jsonpointer-3.0.0-py2.py3-none-any.whl", hash = "sha256:13e088adc14fca8b6aa8177c044e12701e6ad4b28ff10e65f2267a90109c9942", size = 7595, upload-time = "2024-06-10T19:24:40.698Z" }, -] - -[[package]] -name = "jsonschema" -version = "4.25.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "attrs" }, - { name = "jsonschema-specifications" }, - { name = "referencing" }, - { name = "rpds-py" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/74/69/f7185de793a29082a9f3c7728268ffb31cb5095131a9c139a74078e27336/jsonschema-4.25.1.tar.gz", hash = "sha256:e4a9655ce0da0c0b67a085847e00a3a51449e1157f4f75e9fb5aa545e122eb85", size = 357342, upload-time = "2025-08-18T17:03:50.038Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/bf/9c/8c95d856233c1f82500c2450b8c68576b4cf1c871db3afac5c34ff84e6fd/jsonschema-4.25.1-py3-none-any.whl", hash = "sha256:3fba0169e345c7175110351d456342c364814cfcf3b964ba4587f22915230a63", size = 90040, upload-time = "2025-08-18T17:03:48.373Z" }, -] - -[package.optional-dependencies] -format-nongpl = [ - { name = "fqdn" }, - { name = "idna" }, - { name = "isoduration" }, - { name = "jsonpointer" }, - { name = "rfc3339-validator" }, - { name = "rfc3986-validator" }, - { name = "rfc3987-syntax" }, - { name = "uri-template" }, - { name = "webcolors" }, -] - -[[package]] -name = "jsonschema-specifications" -version = "2025.9.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "referencing" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/19/74/a633ee74eb36c44aa6d1095e7cc5569bebf04342ee146178e2d36600708b/jsonschema_specifications-2025.9.1.tar.gz", hash = "sha256:b540987f239e745613c7a9176f3edb72b832a4ac465cf02712288397832b5e8d", size = 32855, upload-time = "2025-09-08T01:34:59.186Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/41/45/1a4ed80516f02155c51f51e8cedb3c1902296743db0bbc66608a0db2814f/jsonschema_specifications-2025.9.1-py3-none-any.whl", hash = "sha256:98802fee3a11ee76ecaca44429fda8a41bff98b00a0f2838151b113f210cc6fe", size = 18437, upload-time = "2025-09-08T01:34:57.871Z" }, -] - -[[package]] -name = "jupyter-client" -version = "8.6.3" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "jupyter-core" }, - { name = "python-dateutil" }, - { name = "pyzmq" }, - { name = "tornado" }, - { name = "traitlets" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/71/22/bf9f12fdaeae18019a468b68952a60fe6dbab5d67cd2a103cac7659b41ca/jupyter_client-8.6.3.tar.gz", hash = "sha256:35b3a0947c4a6e9d589eb97d7d4cd5e90f910ee73101611f01283732bd6d9419", size = 342019, upload-time = "2024-09-17T10:44:17.613Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/11/85/b0394e0b6fcccd2c1eeefc230978a6f8cb0c5df1e4cd3e7625735a0d7d1e/jupyter_client-8.6.3-py3-none-any.whl", hash = "sha256:e8a19cc986cc45905ac3362915f410f3af85424b4c0905e94fa5f2cb08e8f23f", size = 106105, upload-time = "2024-09-17T10:44:15.218Z" }, -] - -[[package]] -name = "jupyter-core" -version = "5.9.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "platformdirs" }, - { name = "traitlets" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/02/49/9d1284d0dc65e2c757b74c6687b6d319b02f822ad039e5c512df9194d9dd/jupyter_core-5.9.1.tar.gz", hash = "sha256:4d09aaff303b9566c3ce657f580bd089ff5c91f5f89cf7d8846c3cdf465b5508", size = 89814, upload-time = "2025-10-16T19:19:18.444Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e7/e7/80988e32bf6f73919a113473a604f5a8f09094de312b9d52b79c2df7612b/jupyter_core-5.9.1-py3-none-any.whl", hash = "sha256:ebf87fdc6073d142e114c72c9e29a9d7ca03fad818c5d300ce2adc1fb0743407", size = 29032, upload-time = "2025-10-16T19:19:16.783Z" }, -] - -[[package]] -name = "jupyter-events" -version = "0.12.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "jsonschema", extra = ["format-nongpl"] }, - { name = "packaging" }, - { name = "python-json-logger" }, - { name = "pyyaml" }, - { name = "referencing" }, - { name = "rfc3339-validator" }, - { name = "rfc3986-validator" }, - { name = "traitlets" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/9d/c3/306d090461e4cf3cd91eceaff84bede12a8e52cd821c2d20c9a4fd728385/jupyter_events-0.12.0.tar.gz", hash = "sha256:fc3fce98865f6784c9cd0a56a20644fc6098f21c8c33834a8d9fe383c17e554b", size = 62196, upload-time = "2025-02-03T17:23:41.485Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e2/48/577993f1f99c552f18a0428731a755e06171f9902fa118c379eb7c04ea22/jupyter_events-0.12.0-py3-none-any.whl", hash = "sha256:6464b2fa5ad10451c3d35fabc75eab39556ae1e2853ad0c0cc31b656731a97fb", size = 19430, upload-time = "2025-02-03T17:23:38.643Z" }, -] - -[[package]] -name = "jupyter-lsp" -version = "2.3.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "jupyter-server" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/eb/5a/9066c9f8e94ee517133cd98dba393459a16cd48bba71a82f16a65415206c/jupyter_lsp-2.3.0.tar.gz", hash = "sha256:458aa59339dc868fb784d73364f17dbce8836e906cd75fd471a325cba02e0245", size = 54823, upload-time = "2025-08-27T17:47:34.671Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/1a/60/1f6cee0c46263de1173894f0fafcb3475ded276c472c14d25e0280c18d6d/jupyter_lsp-2.3.0-py3-none-any.whl", hash = "sha256:e914a3cb2addf48b1c7710914771aaf1819d46b2e5a79b0f917b5478ec93f34f", size = 76687, upload-time = "2025-08-27T17:47:33.15Z" }, -] - -[[package]] -name = "jupyter-server" -version = "2.17.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "anyio" }, - { name = "argon2-cffi" }, - { name = "jinja2" }, - { name = "jupyter-client" }, - { name = "jupyter-core" }, - { name = "jupyter-events" }, - { name = "jupyter-server-terminals" }, - { name = "nbconvert" }, - { name = "nbformat" }, - { name = "overrides", marker = "python_full_version < '3.12' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "packaging" }, - { name = "prometheus-client" }, - { name = "pywinpty", marker = "(os_name == 'nt' and sys_platform != 'darwin' and sys_platform != 'linux') or (os_name == 'nt' and sys_platform == 'darwin' and extra != 'extra-8-anomalib-cpu') or (os_name != 'nt' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (os_name != 'nt' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (os_name != 'nt' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (os_name != 'nt' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (os_name != 'nt' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (os_name != 'nt' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (os_name != 'nt' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pyzmq" }, - { name = "send2trash" }, - { name = "terminado" }, - { name = "tornado" }, - { name = "traitlets" }, - { name = "websocket-client" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/5b/ac/e040ec363d7b6b1f11304cc9f209dac4517ece5d5e01821366b924a64a50/jupyter_server-2.17.0.tar.gz", hash = "sha256:c38ea898566964c888b4772ae1ed58eca84592e88251d2cfc4d171f81f7e99d5", size = 731949, upload-time = "2025-08-21T14:42:54.042Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/92/80/a24767e6ca280f5a49525d987bf3e4d7552bf67c8be07e8ccf20271f8568/jupyter_server-2.17.0-py3-none-any.whl", hash = "sha256:e8cb9c7db4251f51ed307e329b81b72ccf2056ff82d50524debde1ee1870e13f", size = 388221, upload-time = "2025-08-21T14:42:52.034Z" }, -] - -[[package]] -name = "jupyter-server-terminals" -version = "0.5.3" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "pywinpty", marker = "(os_name == 'nt' and sys_platform != 'darwin' and sys_platform != 'linux') or (os_name == 'nt' and sys_platform == 'darwin' and extra != 'extra-8-anomalib-cpu') or (os_name != 'nt' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (os_name != 'nt' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (os_name != 'nt' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (os_name != 'nt' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (os_name != 'nt' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (os_name != 'nt' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (os_name != 'nt' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "terminado" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/fc/d5/562469734f476159e99a55426d697cbf8e7eb5efe89fb0e0b4f83a3d3459/jupyter_server_terminals-0.5.3.tar.gz", hash = "sha256:5ae0295167220e9ace0edcfdb212afd2b01ee8d179fe6f23c899590e9b8a5269", size = 31430, upload-time = "2024-03-12T14:37:03.049Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/07/2d/2b32cdbe8d2a602f697a649798554e4f072115438e92249624e532e8aca6/jupyter_server_terminals-0.5.3-py3-none-any.whl", hash = "sha256:41ee0d7dc0ebf2809c668e0fc726dfaf258fcd3e769568996ca731b6194ae9aa", size = 13656, upload-time = "2024-03-12T14:37:00.708Z" }, -] - -[[package]] -name = "jupyterlab" -version = "4.4.10" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "async-lru" }, - { name = "httpx" }, - { name = "ipykernel" }, - { name = "jinja2" }, - { name = "jupyter-core" }, - { name = "jupyter-lsp" }, - { name = "jupyter-server" }, - { name = "jupyterlab-server" }, - { name = "notebook-shim" }, - { name = "packaging" }, - { name = "setuptools" }, - { name = "tomli", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "tornado" }, - { name = "traitlets" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/6a/5d/75c42a48ff5fc826a7dff3fe4004cda47c54f9d981c351efacfbc9139d3c/jupyterlab-4.4.10.tar.gz", hash = "sha256:521c017508af4e1d6d9d8a9d90f47a11c61197ad63b2178342489de42540a615", size = 22969303, upload-time = "2025-10-22T14:50:58.768Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/f7/46/1eaa5db8d54a594bdade67afbcae42e9a2da676628be3eb39f36dcff6390/jupyterlab-4.4.10-py3-none-any.whl", hash = "sha256:65939ab4c8dcd0c42185c2d0d1a9d60b254dc8c46fc4fdb286b63c51e9358e07", size = 12293385, upload-time = "2025-10-22T14:50:54.075Z" }, -] - -[[package]] -name = "jupyterlab-pygments" -version = "0.3.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/90/51/9187be60d989df97f5f0aba133fa54e7300f17616e065d1ada7d7646b6d6/jupyterlab_pygments-0.3.0.tar.gz", hash = "sha256:721aca4d9029252b11cfa9d185e5b5af4d54772bb8072f9b7036f4170054d35d", size = 512900, upload-time = "2023-11-23T09:26:37.44Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/b1/dd/ead9d8ea85bf202d90cc513b533f9c363121c7792674f78e0d8a854b63b4/jupyterlab_pygments-0.3.0-py3-none-any.whl", hash = "sha256:841a89020971da1d8693f1a99997aefc5dc424bb1b251fd6322462a1b8842780", size = 15884, upload-time = "2023-11-23T09:26:34.325Z" }, -] - -[[package]] -name = "jupyterlab-server" -version = "2.28.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "babel" }, - { name = "jinja2" }, - { name = "json5" }, - { name = "jsonschema" }, - { name = "jupyter-server" }, - { name = "packaging" }, - { name = "requests" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/d6/2c/90153f189e421e93c4bb4f9e3f59802a1f01abd2ac5cf40b152d7f735232/jupyterlab_server-2.28.0.tar.gz", hash = "sha256:35baa81898b15f93573e2deca50d11ac0ae407ebb688299d3a5213265033712c", size = 76996, upload-time = "2025-10-22T13:59:18.37Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e0/07/a000fe835f76b7e1143242ab1122e6362ef1c03f23f83a045c38859c2ae0/jupyterlab_server-2.28.0-py3-none-any.whl", hash = "sha256:e4355b148fdcf34d312bbbc80f22467d6d20460e8b8736bf235577dd18506968", size = 59830, upload-time = "2025-10-22T13:59:16.767Z" }, -] - -[[package]] -name = "jupyterlab-widgets" -version = "3.0.15" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/b9/7d/160595ca88ee87ac6ba95d82177d29ec60aaa63821d3077babb22ce031a5/jupyterlab_widgets-3.0.15.tar.gz", hash = "sha256:2920888a0c2922351a9202817957a68c07d99673504d6cd37345299e971bb08b", size = 213149, upload-time = "2025-05-05T12:32:31.004Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/43/6a/ca128561b22b60bd5a0c4ea26649e68c8556b82bc70a0c396eebc977fe86/jupyterlab_widgets-3.0.15-py3-none-any.whl", hash = "sha256:d59023d7d7ef71400d51e6fee9a88867f6e65e10a4201605d2d7f3e8f012a31c", size = 216571, upload-time = "2025-05-05T12:32:29.534Z" }, -] - -[[package]] -name = "kiwisolver" -version = "1.4.9" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/5c/3c/85844f1b0feb11ee581ac23fe5fce65cd049a200c1446708cc1b7f922875/kiwisolver-1.4.9.tar.gz", hash = "sha256:c3b22c26c6fd6811b0ae8363b95ca8ce4ea3c202d3d0975b2914310ceb1bcc4d", size = 97564, upload-time = "2025-08-10T21:27:49.279Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/c6/5d/8ce64e36d4e3aac5ca96996457dcf33e34e6051492399a3f1fec5657f30b/kiwisolver-1.4.9-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:b4b4d74bda2b8ebf4da5bd42af11d02d04428b2c32846e4c2c93219df8a7987b", size = 124159, upload-time = "2025-08-10T21:25:35.472Z" }, - { url = "https://files.pythonhosted.org/packages/96/1e/22f63ec454874378175a5f435d6ea1363dd33fb2af832c6643e4ccea0dc8/kiwisolver-1.4.9-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:fb3b8132019ea572f4611d770991000d7f58127560c4889729248eb5852a102f", size = 66578, upload-time = "2025-08-10T21:25:36.73Z" }, - { url = "https://files.pythonhosted.org/packages/41/4c/1925dcfff47a02d465121967b95151c82d11027d5ec5242771e580e731bd/kiwisolver-1.4.9-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:84fd60810829c27ae375114cd379da1fa65e6918e1da405f356a775d49a62bcf", size = 65312, upload-time = "2025-08-10T21:25:37.658Z" }, - { url = "https://files.pythonhosted.org/packages/d4/42/0f333164e6307a0687d1eb9ad256215aae2f4bd5d28f4653d6cd319a3ba3/kiwisolver-1.4.9-cp310-cp310-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:b78efa4c6e804ecdf727e580dbb9cba85624d2e1c6b5cb059c66290063bd99a9", size = 1628458, upload-time = "2025-08-10T21:25:39.067Z" }, - { url = "https://files.pythonhosted.org/packages/86/b6/2dccb977d651943995a90bfe3495c2ab2ba5cd77093d9f2318a20c9a6f59/kiwisolver-1.4.9-cp310-cp310-manylinux_2_24_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:d4efec7bcf21671db6a3294ff301d2fc861c31faa3c8740d1a94689234d1b415", size = 1225640, upload-time = "2025-08-10T21:25:40.489Z" }, - { url = "https://files.pythonhosted.org/packages/50/2b/362ebd3eec46c850ccf2bfe3e30f2fc4c008750011f38a850f088c56a1c6/kiwisolver-1.4.9-cp310-cp310-manylinux_2_24_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:90f47e70293fc3688b71271100a1a5453aa9944a81d27ff779c108372cf5567b", size = 1244074, upload-time = "2025-08-10T21:25:42.221Z" }, - { url = "https://files.pythonhosted.org/packages/6f/bb/f09a1e66dab8984773d13184a10a29fe67125337649d26bdef547024ed6b/kiwisolver-1.4.9-cp310-cp310-manylinux_2_24_s390x.manylinux_2_28_s390x.whl", hash = "sha256:8fdca1def57a2e88ef339de1737a1449d6dbf5fab184c54a1fca01d541317154", size = 1293036, upload-time = "2025-08-10T21:25:43.801Z" }, - { url = "https://files.pythonhosted.org/packages/ea/01/11ecf892f201cafda0f68fa59212edaea93e96c37884b747c181303fccd1/kiwisolver-1.4.9-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:9cf554f21be770f5111a1690d42313e140355e687e05cf82cb23d0a721a64a48", size = 2175310, upload-time = "2025-08-10T21:25:45.045Z" }, - { url = "https://files.pythonhosted.org/packages/7f/5f/bfe11d5b934f500cc004314819ea92427e6e5462706a498c1d4fc052e08f/kiwisolver-1.4.9-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:fc1795ac5cd0510207482c3d1d3ed781143383b8cfd36f5c645f3897ce066220", size = 2270943, upload-time = "2025-08-10T21:25:46.393Z" }, - { url = "https://files.pythonhosted.org/packages/3d/de/259f786bf71f1e03e73d87e2db1a9a3bcab64d7b4fd780167123161630ad/kiwisolver-1.4.9-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:ccd09f20ccdbbd341b21a67ab50a119b64a403b09288c27481575105283c1586", size = 2440488, upload-time = "2025-08-10T21:25:48.074Z" }, - { url = "https://files.pythonhosted.org/packages/1b/76/c989c278faf037c4d3421ec07a5c452cd3e09545d6dae7f87c15f54e4edf/kiwisolver-1.4.9-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:540c7c72324d864406a009d72f5d6856f49693db95d1fbb46cf86febef873634", size = 2246787, upload-time = "2025-08-10T21:25:49.442Z" }, - { url = "https://files.pythonhosted.org/packages/a2/55/c2898d84ca440852e560ca9f2a0d28e6e931ac0849b896d77231929900e7/kiwisolver-1.4.9-cp310-cp310-win_amd64.whl", hash = "sha256:ede8c6d533bc6601a47ad4046080d36b8fc99f81e6f1c17b0ac3c2dc91ac7611", size = 73730, upload-time = "2025-08-10T21:25:51.102Z" }, - { url = "https://files.pythonhosted.org/packages/e8/09/486d6ac523dd33b80b368247f238125d027964cfacb45c654841e88fb2ae/kiwisolver-1.4.9-cp310-cp310-win_arm64.whl", hash = "sha256:7b4da0d01ac866a57dd61ac258c5607b4cd677f63abaec7b148354d2b2cdd536", size = 65036, upload-time = "2025-08-10T21:25:52.063Z" }, - { url = "https://files.pythonhosted.org/packages/6f/ab/c80b0d5a9d8a1a65f4f815f2afff9798b12c3b9f31f1d304dd233dd920e2/kiwisolver-1.4.9-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:eb14a5da6dc7642b0f3a18f13654847cd8b7a2550e2645a5bda677862b03ba16", size = 124167, upload-time = "2025-08-10T21:25:53.403Z" }, - { url = "https://files.pythonhosted.org/packages/a0/c0/27fe1a68a39cf62472a300e2879ffc13c0538546c359b86f149cc19f6ac3/kiwisolver-1.4.9-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:39a219e1c81ae3b103643d2aedb90f1ef22650deb266ff12a19e7773f3e5f089", size = 66579, upload-time = "2025-08-10T21:25:54.79Z" }, - { url = "https://files.pythonhosted.org/packages/31/a2/a12a503ac1fd4943c50f9822678e8015a790a13b5490354c68afb8489814/kiwisolver-1.4.9-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:2405a7d98604b87f3fc28b1716783534b1b4b8510d8142adca34ee0bc3c87543", size = 65309, upload-time = "2025-08-10T21:25:55.76Z" }, - { url = "https://files.pythonhosted.org/packages/66/e1/e533435c0be77c3f64040d68d7a657771194a63c279f55573188161e81ca/kiwisolver-1.4.9-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:dc1ae486f9abcef254b5618dfb4113dd49f94c68e3e027d03cf0143f3f772b61", size = 1435596, upload-time = "2025-08-10T21:25:56.861Z" }, - { url = "https://files.pythonhosted.org/packages/67/1e/51b73c7347f9aabdc7215aa79e8b15299097dc2f8e67dee2b095faca9cb0/kiwisolver-1.4.9-cp311-cp311-manylinux_2_24_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:8a1f570ce4d62d718dce3f179ee78dac3b545ac16c0c04bb363b7607a949c0d1", size = 1246548, upload-time = "2025-08-10T21:25:58.246Z" }, - { url = "https://files.pythonhosted.org/packages/21/aa/72a1c5d1e430294f2d32adb9542719cfb441b5da368d09d268c7757af46c/kiwisolver-1.4.9-cp311-cp311-manylinux_2_24_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:cb27e7b78d716c591e88e0a09a2139c6577865d7f2e152488c2cc6257f460872", size = 1263618, upload-time = "2025-08-10T21:25:59.857Z" }, - { url = "https://files.pythonhosted.org/packages/a3/af/db1509a9e79dbf4c260ce0cfa3903ea8945f6240e9e59d1e4deb731b1a40/kiwisolver-1.4.9-cp311-cp311-manylinux_2_24_s390x.manylinux_2_28_s390x.whl", hash = "sha256:15163165efc2f627eb9687ea5f3a28137217d217ac4024893d753f46bce9de26", size = 1317437, upload-time = "2025-08-10T21:26:01.105Z" }, - { url = "https://files.pythonhosted.org/packages/e0/f2/3ea5ee5d52abacdd12013a94130436e19969fa183faa1e7c7fbc89e9a42f/kiwisolver-1.4.9-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:bdee92c56a71d2b24c33a7d4c2856bd6419d017e08caa7802d2963870e315028", size = 2195742, upload-time = "2025-08-10T21:26:02.675Z" }, - { url = "https://files.pythonhosted.org/packages/6f/9b/1efdd3013c2d9a2566aa6a337e9923a00590c516add9a1e89a768a3eb2fc/kiwisolver-1.4.9-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:412f287c55a6f54b0650bd9b6dce5aceddb95864a1a90c87af16979d37c89771", size = 2290810, upload-time = "2025-08-10T21:26:04.009Z" }, - { url = "https://files.pythonhosted.org/packages/fb/e5/cfdc36109ae4e67361f9bc5b41323648cb24a01b9ade18784657e022e65f/kiwisolver-1.4.9-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:2c93f00dcba2eea70af2be5f11a830a742fe6b579a1d4e00f47760ef13be247a", size = 2461579, upload-time = "2025-08-10T21:26:05.317Z" }, - { url = "https://files.pythonhosted.org/packages/62/86/b589e5e86c7610842213994cdea5add00960076bef4ae290c5fa68589cac/kiwisolver-1.4.9-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:f117e1a089d9411663a3207ba874f31be9ac8eaa5b533787024dc07aeb74f464", size = 2268071, upload-time = "2025-08-10T21:26:06.686Z" }, - { url = "https://files.pythonhosted.org/packages/3b/c6/f8df8509fd1eee6c622febe54384a96cfaf4d43bf2ccec7a0cc17e4715c9/kiwisolver-1.4.9-cp311-cp311-win_amd64.whl", hash = "sha256:be6a04e6c79819c9a8c2373317d19a96048e5a3f90bec587787e86a1153883c2", size = 73840, upload-time = "2025-08-10T21:26:07.94Z" }, - { url = "https://files.pythonhosted.org/packages/e2/2d/16e0581daafd147bc11ac53f032a2b45eabac897f42a338d0a13c1e5c436/kiwisolver-1.4.9-cp311-cp311-win_arm64.whl", hash = "sha256:0ae37737256ba2de764ddc12aed4956460277f00c4996d51a197e72f62f5eec7", size = 65159, upload-time = "2025-08-10T21:26:09.048Z" }, - { url = "https://files.pythonhosted.org/packages/86/c9/13573a747838aeb1c76e3267620daa054f4152444d1f3d1a2324b78255b5/kiwisolver-1.4.9-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:ac5a486ac389dddcc5bef4f365b6ae3ffff2c433324fb38dd35e3fab7c957999", size = 123686, upload-time = "2025-08-10T21:26:10.034Z" }, - { url = "https://files.pythonhosted.org/packages/51/ea/2ecf727927f103ffd1739271ca19c424d0e65ea473fbaeea1c014aea93f6/kiwisolver-1.4.9-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:f2ba92255faa7309d06fe44c3a4a97efe1c8d640c2a79a5ef728b685762a6fd2", size = 66460, upload-time = "2025-08-10T21:26:11.083Z" }, - { url = "https://files.pythonhosted.org/packages/5b/5a/51f5464373ce2aeb5194508298a508b6f21d3867f499556263c64c621914/kiwisolver-1.4.9-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:4a2899935e724dd1074cb568ce7ac0dce28b2cd6ab539c8e001a8578eb106d14", size = 64952, upload-time = "2025-08-10T21:26:12.058Z" }, - { url = "https://files.pythonhosted.org/packages/70/90/6d240beb0f24b74371762873e9b7f499f1e02166a2d9c5801f4dbf8fa12e/kiwisolver-1.4.9-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:f6008a4919fdbc0b0097089f67a1eb55d950ed7e90ce2cc3e640abadd2757a04", size = 1474756, upload-time = "2025-08-10T21:26:13.096Z" }, - { url = "https://files.pythonhosted.org/packages/12/42/f36816eaf465220f683fb711efdd1bbf7a7005a2473d0e4ed421389bd26c/kiwisolver-1.4.9-cp312-cp312-manylinux_2_24_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:67bb8b474b4181770f926f7b7d2f8c0248cbcb78b660fdd41a47054b28d2a752", size = 1276404, upload-time = "2025-08-10T21:26:14.457Z" }, - { url = "https://files.pythonhosted.org/packages/2e/64/bc2de94800adc830c476dce44e9b40fd0809cddeef1fde9fcf0f73da301f/kiwisolver-1.4.9-cp312-cp312-manylinux_2_24_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:2327a4a30d3ee07d2fbe2e7933e8a37c591663b96ce42a00bc67461a87d7df77", size = 1294410, upload-time = "2025-08-10T21:26:15.73Z" }, - { url = "https://files.pythonhosted.org/packages/5f/42/2dc82330a70aa8e55b6d395b11018045e58d0bb00834502bf11509f79091/kiwisolver-1.4.9-cp312-cp312-manylinux_2_24_s390x.manylinux_2_28_s390x.whl", hash = "sha256:7a08b491ec91b1d5053ac177afe5290adacf1f0f6307d771ccac5de30592d198", size = 1343631, upload-time = "2025-08-10T21:26:17.045Z" }, - { url = "https://files.pythonhosted.org/packages/22/fd/f4c67a6ed1aab149ec5a8a401c323cee7a1cbe364381bb6c9c0d564e0e20/kiwisolver-1.4.9-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:d8fc5c867c22b828001b6a38d2eaeb88160bf5783c6cb4a5e440efc981ce286d", size = 2224963, upload-time = "2025-08-10T21:26:18.737Z" }, - { url = "https://files.pythonhosted.org/packages/45/aa/76720bd4cb3713314677d9ec94dcc21ced3f1baf4830adde5bb9b2430a5f/kiwisolver-1.4.9-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:3b3115b2581ea35bb6d1f24a4c90af37e5d9b49dcff267eeed14c3893c5b86ab", size = 2321295, upload-time = "2025-08-10T21:26:20.11Z" }, - { url = "https://files.pythonhosted.org/packages/80/19/d3ec0d9ab711242f56ae0dc2fc5d70e298bb4a1f9dfab44c027668c673a1/kiwisolver-1.4.9-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:858e4c22fb075920b96a291928cb7dea5644e94c0ee4fcd5af7e865655e4ccf2", size = 2487987, upload-time = "2025-08-10T21:26:21.49Z" }, - { url = "https://files.pythonhosted.org/packages/39/e9/61e4813b2c97e86b6fdbd4dd824bf72d28bcd8d4849b8084a357bc0dd64d/kiwisolver-1.4.9-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:ed0fecd28cc62c54b262e3736f8bb2512d8dcfdc2bcf08be5f47f96bf405b145", size = 2291817, upload-time = "2025-08-10T21:26:22.812Z" }, - { url = "https://files.pythonhosted.org/packages/a0/41/85d82b0291db7504da3c2defe35c9a8a5c9803a730f297bd823d11d5fb77/kiwisolver-1.4.9-cp312-cp312-win_amd64.whl", hash = "sha256:f68208a520c3d86ea51acf688a3e3002615a7f0238002cccc17affecc86a8a54", size = 73895, upload-time = "2025-08-10T21:26:24.37Z" }, - { url = "https://files.pythonhosted.org/packages/e2/92/5f3068cf15ee5cb624a0c7596e67e2a0bb2adee33f71c379054a491d07da/kiwisolver-1.4.9-cp312-cp312-win_arm64.whl", hash = "sha256:2c1a4f57df73965f3f14df20b80ee29e6a7930a57d2d9e8491a25f676e197c60", size = 64992, upload-time = "2025-08-10T21:26:25.732Z" }, - { url = "https://files.pythonhosted.org/packages/31/c1/c2686cda909742ab66c7388e9a1a8521a59eb89f8bcfbee28fc980d07e24/kiwisolver-1.4.9-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:a5d0432ccf1c7ab14f9949eec60c5d1f924f17c037e9f8b33352fa05799359b8", size = 123681, upload-time = "2025-08-10T21:26:26.725Z" }, - { url = "https://files.pythonhosted.org/packages/ca/f0/f44f50c9f5b1a1860261092e3bc91ecdc9acda848a8b8c6abfda4a24dd5c/kiwisolver-1.4.9-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:efb3a45b35622bb6c16dbfab491a8f5a391fe0e9d45ef32f4df85658232ca0e2", size = 66464, upload-time = "2025-08-10T21:26:27.733Z" }, - { url = "https://files.pythonhosted.org/packages/2d/7a/9d90a151f558e29c3936b8a47ac770235f436f2120aca41a6d5f3d62ae8d/kiwisolver-1.4.9-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:1a12cf6398e8a0a001a059747a1cbf24705e18fe413bc22de7b3d15c67cffe3f", size = 64961, upload-time = "2025-08-10T21:26:28.729Z" }, - { url = "https://files.pythonhosted.org/packages/e9/e9/f218a2cb3a9ffbe324ca29a9e399fa2d2866d7f348ec3a88df87fc248fc5/kiwisolver-1.4.9-cp313-cp313-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:b67e6efbf68e077dd71d1a6b37e43e1a99d0bff1a3d51867d45ee8908b931098", size = 1474607, upload-time = "2025-08-10T21:26:29.798Z" }, - { url = "https://files.pythonhosted.org/packages/d9/28/aac26d4c882f14de59041636292bc838db8961373825df23b8eeb807e198/kiwisolver-1.4.9-cp313-cp313-manylinux_2_24_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:5656aa670507437af0207645273ccdfee4f14bacd7f7c67a4306d0dcaeaf6eed", size = 1276546, upload-time = "2025-08-10T21:26:31.401Z" }, - { url = "https://files.pythonhosted.org/packages/8b/ad/8bfc1c93d4cc565e5069162f610ba2f48ff39b7de4b5b8d93f69f30c4bed/kiwisolver-1.4.9-cp313-cp313-manylinux_2_24_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:bfc08add558155345129c7803b3671cf195e6a56e7a12f3dde7c57d9b417f525", size = 1294482, upload-time = "2025-08-10T21:26:32.721Z" }, - { url = "https://files.pythonhosted.org/packages/da/f1/6aca55ff798901d8ce403206d00e033191f63d82dd708a186e0ed2067e9c/kiwisolver-1.4.9-cp313-cp313-manylinux_2_24_s390x.manylinux_2_28_s390x.whl", hash = "sha256:40092754720b174e6ccf9e845d0d8c7d8e12c3d71e7fc35f55f3813e96376f78", size = 1343720, upload-time = "2025-08-10T21:26:34.032Z" }, - { url = "https://files.pythonhosted.org/packages/d1/91/eed031876c595c81d90d0f6fc681ece250e14bf6998c3d7c419466b523b7/kiwisolver-1.4.9-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:497d05f29a1300d14e02e6441cf0f5ee81c1ff5a304b0d9fb77423974684e08b", size = 2224907, upload-time = "2025-08-10T21:26:35.824Z" }, - { url = "https://files.pythonhosted.org/packages/e9/ec/4d1925f2e49617b9cca9c34bfa11adefad49d00db038e692a559454dfb2e/kiwisolver-1.4.9-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:bdd1a81a1860476eb41ac4bc1e07b3f07259e6d55bbf739b79c8aaedcf512799", size = 2321334, upload-time = "2025-08-10T21:26:37.534Z" }, - { url = "https://files.pythonhosted.org/packages/43/cb/450cd4499356f68802750c6ddc18647b8ea01ffa28f50d20598e0befe6e9/kiwisolver-1.4.9-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:e6b93f13371d341afee3be9f7c5964e3fe61d5fa30f6a30eb49856935dfe4fc3", size = 2488313, upload-time = "2025-08-10T21:26:39.191Z" }, - { url = "https://files.pythonhosted.org/packages/71/67/fc76242bd99f885651128a5d4fa6083e5524694b7c88b489b1b55fdc491d/kiwisolver-1.4.9-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:d75aa530ccfaa593da12834b86a0724f58bff12706659baa9227c2ccaa06264c", size = 2291970, upload-time = "2025-08-10T21:26:40.828Z" }, - { url = "https://files.pythonhosted.org/packages/75/bd/f1a5d894000941739f2ae1b65a32892349423ad49c2e6d0771d0bad3fae4/kiwisolver-1.4.9-cp313-cp313-win_amd64.whl", hash = "sha256:dd0a578400839256df88c16abddf9ba14813ec5f21362e1fe65022e00c883d4d", size = 73894, upload-time = "2025-08-10T21:26:42.33Z" }, - { url = "https://files.pythonhosted.org/packages/95/38/dce480814d25b99a391abbddadc78f7c117c6da34be68ca8b02d5848b424/kiwisolver-1.4.9-cp313-cp313-win_arm64.whl", hash = "sha256:d4188e73af84ca82468f09cadc5ac4db578109e52acb4518d8154698d3a87ca2", size = 64995, upload-time = "2025-08-10T21:26:43.889Z" }, - { url = "https://files.pythonhosted.org/packages/e2/37/7d218ce5d92dadc5ebdd9070d903e0c7cf7edfe03f179433ac4d13ce659c/kiwisolver-1.4.9-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:5a0f2724dfd4e3b3ac5a82436a8e6fd16baa7d507117e4279b660fe8ca38a3a1", size = 126510, upload-time = "2025-08-10T21:26:44.915Z" }, - { url = "https://files.pythonhosted.org/packages/23/b0/e85a2b48233daef4b648fb657ebbb6f8367696a2d9548a00b4ee0eb67803/kiwisolver-1.4.9-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:1b11d6a633e4ed84fc0ddafd4ebfd8ea49b3f25082c04ad12b8315c11d504dc1", size = 67903, upload-time = "2025-08-10T21:26:45.934Z" }, - { url = "https://files.pythonhosted.org/packages/44/98/f2425bc0113ad7de24da6bb4dae1343476e95e1d738be7c04d31a5d037fd/kiwisolver-1.4.9-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:61874cdb0a36016354853593cffc38e56fc9ca5aa97d2c05d3dcf6922cd55a11", size = 66402, upload-time = "2025-08-10T21:26:47.101Z" }, - { url = "https://files.pythonhosted.org/packages/98/d8/594657886df9f34c4177cc353cc28ca7e6e5eb562d37ccc233bff43bbe2a/kiwisolver-1.4.9-cp313-cp313t-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:60c439763a969a6af93b4881db0eed8fadf93ee98e18cbc35bc8da868d0c4f0c", size = 1582135, upload-time = "2025-08-10T21:26:48.665Z" }, - { url = "https://files.pythonhosted.org/packages/5c/c6/38a115b7170f8b306fc929e166340c24958347308ea3012c2b44e7e295db/kiwisolver-1.4.9-cp313-cp313t-manylinux_2_24_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:92a2f997387a1b79a75e7803aa7ded2cfbe2823852ccf1ba3bcf613b62ae3197", size = 1389409, upload-time = "2025-08-10T21:26:50.335Z" }, - { url = "https://files.pythonhosted.org/packages/bf/3b/e04883dace81f24a568bcee6eb3001da4ba05114afa622ec9b6fafdc1f5e/kiwisolver-1.4.9-cp313-cp313t-manylinux_2_24_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:a31d512c812daea6d8b3be3b2bfcbeb091dbb09177706569bcfc6240dcf8b41c", size = 1401763, upload-time = "2025-08-10T21:26:51.867Z" }, - { url = "https://files.pythonhosted.org/packages/9f/80/20ace48e33408947af49d7d15c341eaee69e4e0304aab4b7660e234d6288/kiwisolver-1.4.9-cp313-cp313t-manylinux_2_24_s390x.manylinux_2_28_s390x.whl", hash = "sha256:52a15b0f35dad39862d376df10c5230155243a2c1a436e39eb55623ccbd68185", size = 1453643, upload-time = "2025-08-10T21:26:53.592Z" }, - { url = "https://files.pythonhosted.org/packages/64/31/6ce4380a4cd1f515bdda976a1e90e547ccd47b67a1546d63884463c92ca9/kiwisolver-1.4.9-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:a30fd6fdef1430fd9e1ba7b3398b5ee4e2887783917a687d86ba69985fb08748", size = 2330818, upload-time = "2025-08-10T21:26:55.051Z" }, - { url = "https://files.pythonhosted.org/packages/fa/e9/3f3fcba3bcc7432c795b82646306e822f3fd74df0ee81f0fa067a1f95668/kiwisolver-1.4.9-cp313-cp313t-musllinux_1_2_ppc64le.whl", hash = "sha256:cc9617b46837c6468197b5945e196ee9ca43057bb7d9d1ae688101e4e1dddf64", size = 2419963, upload-time = "2025-08-10T21:26:56.421Z" }, - { url = "https://files.pythonhosted.org/packages/99/43/7320c50e4133575c66e9f7dadead35ab22d7c012a3b09bb35647792b2a6d/kiwisolver-1.4.9-cp313-cp313t-musllinux_1_2_s390x.whl", hash = "sha256:0ab74e19f6a2b027ea4f845a78827969af45ce790e6cb3e1ebab71bdf9f215ff", size = 2594639, upload-time = "2025-08-10T21:26:57.882Z" }, - { url = "https://files.pythonhosted.org/packages/65/d6/17ae4a270d4a987ef8a385b906d2bdfc9fce502d6dc0d3aea865b47f548c/kiwisolver-1.4.9-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:dba5ee5d3981160c28d5490f0d1b7ed730c22470ff7f6cc26cfcfaacb9896a07", size = 2391741, upload-time = "2025-08-10T21:26:59.237Z" }, - { url = "https://files.pythonhosted.org/packages/2a/8f/8f6f491d595a9e5912971f3f863d81baddccc8a4d0c3749d6a0dd9ffc9df/kiwisolver-1.4.9-cp313-cp313t-win_arm64.whl", hash = "sha256:0749fd8f4218ad2e851e11cc4dc05c7cbc0cbc4267bdfdb31782e65aace4ee9c", size = 68646, upload-time = "2025-08-10T21:27:00.52Z" }, - { url = "https://files.pythonhosted.org/packages/6b/32/6cc0fbc9c54d06c2969faa9c1d29f5751a2e51809dd55c69055e62d9b426/kiwisolver-1.4.9-cp314-cp314-macosx_10_13_universal2.whl", hash = "sha256:9928fe1eb816d11ae170885a74d074f57af3a0d65777ca47e9aeb854a1fba386", size = 123806, upload-time = "2025-08-10T21:27:01.537Z" }, - { url = "https://files.pythonhosted.org/packages/b2/dd/2bfb1d4a4823d92e8cbb420fe024b8d2167f72079b3bb941207c42570bdf/kiwisolver-1.4.9-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:d0005b053977e7b43388ddec89fa567f43d4f6d5c2c0affe57de5ebf290dc552", size = 66605, upload-time = "2025-08-10T21:27:03.335Z" }, - { url = "https://files.pythonhosted.org/packages/f7/69/00aafdb4e4509c2ca6064646cba9cd4b37933898f426756adb2cb92ebbed/kiwisolver-1.4.9-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:2635d352d67458b66fd0667c14cb1d4145e9560d503219034a18a87e971ce4f3", size = 64925, upload-time = "2025-08-10T21:27:04.339Z" }, - { url = "https://files.pythonhosted.org/packages/43/dc/51acc6791aa14e5cb6d8a2e28cefb0dc2886d8862795449d021334c0df20/kiwisolver-1.4.9-cp314-cp314-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:767c23ad1c58c9e827b649a9ab7809fd5fd9db266a9cf02b0e926ddc2c680d58", size = 1472414, upload-time = "2025-08-10T21:27:05.437Z" }, - { url = "https://files.pythonhosted.org/packages/3d/bb/93fa64a81db304ac8a246f834d5094fae4b13baf53c839d6bb6e81177129/kiwisolver-1.4.9-cp314-cp314-manylinux_2_24_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:72d0eb9fba308b8311685c2268cf7d0a0639a6cd027d8128659f72bdd8a024b4", size = 1281272, upload-time = "2025-08-10T21:27:07.063Z" }, - { url = "https://files.pythonhosted.org/packages/70/e6/6df102916960fb8d05069d4bd92d6d9a8202d5a3e2444494e7cd50f65b7a/kiwisolver-1.4.9-cp314-cp314-manylinux_2_24_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:f68e4f3eeca8fb22cc3d731f9715a13b652795ef657a13df1ad0c7dc0e9731df", size = 1298578, upload-time = "2025-08-10T21:27:08.452Z" }, - { url = "https://files.pythonhosted.org/packages/7c/47/e142aaa612f5343736b087864dbaebc53ea8831453fb47e7521fa8658f30/kiwisolver-1.4.9-cp314-cp314-manylinux_2_24_s390x.manylinux_2_28_s390x.whl", hash = "sha256:d84cd4061ae292d8ac367b2c3fa3aad11cb8625a95d135fe93f286f914f3f5a6", size = 1345607, upload-time = "2025-08-10T21:27:10.125Z" }, - { url = "https://files.pythonhosted.org/packages/54/89/d641a746194a0f4d1a3670fb900d0dbaa786fb98341056814bc3f058fa52/kiwisolver-1.4.9-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:a60ea74330b91bd22a29638940d115df9dc00af5035a9a2a6ad9399ffb4ceca5", size = 2230150, upload-time = "2025-08-10T21:27:11.484Z" }, - { url = "https://files.pythonhosted.org/packages/aa/6b/5ee1207198febdf16ac11f78c5ae40861b809cbe0e6d2a8d5b0b3044b199/kiwisolver-1.4.9-cp314-cp314-musllinux_1_2_ppc64le.whl", hash = "sha256:ce6a3a4e106cf35c2d9c4fa17c05ce0b180db622736845d4315519397a77beaf", size = 2325979, upload-time = "2025-08-10T21:27:12.917Z" }, - { url = "https://files.pythonhosted.org/packages/fc/ff/b269eefd90f4ae14dcc74973d5a0f6d28d3b9bb1afd8c0340513afe6b39a/kiwisolver-1.4.9-cp314-cp314-musllinux_1_2_s390x.whl", hash = "sha256:77937e5e2a38a7b48eef0585114fe7930346993a88060d0bf886086d2aa49ef5", size = 2491456, upload-time = "2025-08-10T21:27:14.353Z" }, - { url = "https://files.pythonhosted.org/packages/fc/d4/10303190bd4d30de547534601e259a4fbf014eed94aae3e5521129215086/kiwisolver-1.4.9-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:24c175051354f4a28c5d6a31c93906dc653e2bf234e8a4bbfb964892078898ce", size = 2294621, upload-time = "2025-08-10T21:27:15.808Z" }, - { url = "https://files.pythonhosted.org/packages/28/e0/a9a90416fce5c0be25742729c2ea52105d62eda6c4be4d803c2a7be1fa50/kiwisolver-1.4.9-cp314-cp314-win_amd64.whl", hash = "sha256:0763515d4df10edf6d06a3c19734e2566368980d21ebec439f33f9eb936c07b7", size = 75417, upload-time = "2025-08-10T21:27:17.436Z" }, - { url = "https://files.pythonhosted.org/packages/1f/10/6949958215b7a9a264299a7db195564e87900f709db9245e4ebdd3c70779/kiwisolver-1.4.9-cp314-cp314-win_arm64.whl", hash = "sha256:0e4e2bf29574a6a7b7f6cb5fa69293b9f96c928949ac4a53ba3f525dffb87f9c", size = 66582, upload-time = "2025-08-10T21:27:18.436Z" }, - { url = "https://files.pythonhosted.org/packages/ec/79/60e53067903d3bc5469b369fe0dfc6b3482e2133e85dae9daa9527535991/kiwisolver-1.4.9-cp314-cp314t-macosx_10_13_universal2.whl", hash = "sha256:d976bbb382b202f71c67f77b0ac11244021cfa3f7dfd9e562eefcea2df711548", size = 126514, upload-time = "2025-08-10T21:27:19.465Z" }, - { url = "https://files.pythonhosted.org/packages/25/d1/4843d3e8d46b072c12a38c97c57fab4608d36e13fe47d47ee96b4d61ba6f/kiwisolver-1.4.9-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:2489e4e5d7ef9a1c300a5e0196e43d9c739f066ef23270607d45aba368b91f2d", size = 67905, upload-time = "2025-08-10T21:27:20.51Z" }, - { url = "https://files.pythonhosted.org/packages/8c/ae/29ffcbd239aea8b93108de1278271ae764dfc0d803a5693914975f200596/kiwisolver-1.4.9-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:e2ea9f7ab7fbf18fffb1b5434ce7c69a07582f7acc7717720f1d69f3e806f90c", size = 66399, upload-time = "2025-08-10T21:27:21.496Z" }, - { url = "https://files.pythonhosted.org/packages/a1/ae/d7ba902aa604152c2ceba5d352d7b62106bedbccc8e95c3934d94472bfa3/kiwisolver-1.4.9-cp314-cp314t-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:b34e51affded8faee0dfdb705416153819d8ea9250bbbf7ea1b249bdeb5f1122", size = 1582197, upload-time = "2025-08-10T21:27:22.604Z" }, - { url = "https://files.pythonhosted.org/packages/f2/41/27c70d427eddb8bc7e4f16420a20fefc6f480312122a59a959fdfe0445ad/kiwisolver-1.4.9-cp314-cp314t-manylinux_2_24_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:d8aacd3d4b33b772542b2e01beb50187536967b514b00003bdda7589722d2a64", size = 1390125, upload-time = "2025-08-10T21:27:24.036Z" }, - { url = "https://files.pythonhosted.org/packages/41/42/b3799a12bafc76d962ad69083f8b43b12bf4fe78b097b12e105d75c9b8f1/kiwisolver-1.4.9-cp314-cp314t-manylinux_2_24_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:7cf974dd4e35fa315563ac99d6287a1024e4dc2077b8a7d7cd3d2fb65d283134", size = 1402612, upload-time = "2025-08-10T21:27:25.773Z" }, - { url = "https://files.pythonhosted.org/packages/d2/b5/a210ea073ea1cfaca1bb5c55a62307d8252f531beb364e18aa1e0888b5a0/kiwisolver-1.4.9-cp314-cp314t-manylinux_2_24_s390x.manylinux_2_28_s390x.whl", hash = "sha256:85bd218b5ecfbee8c8a82e121802dcb519a86044c9c3b2e4aef02fa05c6da370", size = 1453990, upload-time = "2025-08-10T21:27:27.089Z" }, - { url = "https://files.pythonhosted.org/packages/5f/ce/a829eb8c033e977d7ea03ed32fb3c1781b4fa0433fbadfff29e39c676f32/kiwisolver-1.4.9-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:0856e241c2d3df4efef7c04a1e46b1936b6120c9bcf36dd216e3acd84bc4fb21", size = 2331601, upload-time = "2025-08-10T21:27:29.343Z" }, - { url = "https://files.pythonhosted.org/packages/e0/4b/b5e97eb142eb9cd0072dacfcdcd31b1c66dc7352b0f7c7255d339c0edf00/kiwisolver-1.4.9-cp314-cp314t-musllinux_1_2_ppc64le.whl", hash = "sha256:9af39d6551f97d31a4deebeac6f45b156f9755ddc59c07b402c148f5dbb6482a", size = 2422041, upload-time = "2025-08-10T21:27:30.754Z" }, - { url = "https://files.pythonhosted.org/packages/40/be/8eb4cd53e1b85ba4edc3a9321666f12b83113a178845593307a3e7891f44/kiwisolver-1.4.9-cp314-cp314t-musllinux_1_2_s390x.whl", hash = "sha256:bb4ae2b57fc1d8cbd1cf7b1d9913803681ffa903e7488012be5b76dedf49297f", size = 2594897, upload-time = "2025-08-10T21:27:32.803Z" }, - { url = "https://files.pythonhosted.org/packages/99/dd/841e9a66c4715477ea0abc78da039832fbb09dac5c35c58dc4c41a407b8a/kiwisolver-1.4.9-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:aedff62918805fb62d43a4aa2ecd4482c380dc76cd31bd7c8878588a61bd0369", size = 2391835, upload-time = "2025-08-10T21:27:34.23Z" }, - { url = "https://files.pythonhosted.org/packages/0c/28/4b2e5c47a0da96896fdfdb006340ade064afa1e63675d01ea5ac222b6d52/kiwisolver-1.4.9-cp314-cp314t-win_amd64.whl", hash = "sha256:1fa333e8b2ce4d9660f2cda9c0e1b6bafcfb2457a9d259faa82289e73ec24891", size = 79988, upload-time = "2025-08-10T21:27:35.587Z" }, - { url = "https://files.pythonhosted.org/packages/80/be/3578e8afd18c88cdf9cb4cffde75a96d2be38c5a903f1ed0ceec061bd09e/kiwisolver-1.4.9-cp314-cp314t-win_arm64.whl", hash = "sha256:4a48a2ce79d65d363597ef7b567ce3d14d68783d2b2263d98db3d9477805ba32", size = 70260, upload-time = "2025-08-10T21:27:36.606Z" }, - { url = "https://files.pythonhosted.org/packages/a2/63/fde392691690f55b38d5dd7b3710f5353bf7a8e52de93a22968801ab8978/kiwisolver-1.4.9-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:4d1d9e582ad4d63062d34077a9a1e9f3c34088a2ec5135b1f7190c07cf366527", size = 60183, upload-time = "2025-08-10T21:27:37.669Z" }, - { url = "https://files.pythonhosted.org/packages/27/b1/6aad34edfdb7cced27f371866f211332bba215bfd918ad3322a58f480d8b/kiwisolver-1.4.9-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:deed0c7258ceb4c44ad5ec7d9918f9f14fd05b2be86378d86cf50e63d1e7b771", size = 58675, upload-time = "2025-08-10T21:27:39.031Z" }, - { url = "https://files.pythonhosted.org/packages/9d/1a/23d855a702bb35a76faed5ae2ba3de57d323f48b1f6b17ee2176c4849463/kiwisolver-1.4.9-pp310-pypy310_pp73-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:0a590506f303f512dff6b7f75fd2fd18e16943efee932008fe7140e5fa91d80e", size = 80277, upload-time = "2025-08-10T21:27:40.129Z" }, - { url = "https://files.pythonhosted.org/packages/5a/5b/5239e3c2b8fb5afa1e8508f721bb77325f740ab6994d963e61b2b7abcc1e/kiwisolver-1.4.9-pp310-pypy310_pp73-manylinux_2_24_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:e09c2279a4d01f099f52d5c4b3d9e208e91edcbd1a175c9662a8b16e000fece9", size = 77994, upload-time = "2025-08-10T21:27:41.181Z" }, - { url = "https://files.pythonhosted.org/packages/f9/1c/5d4d468fb16f8410e596ed0eac02d2c68752aa7dc92997fe9d60a7147665/kiwisolver-1.4.9-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:c9e7cdf45d594ee04d5be1b24dd9d49f3d1590959b2271fb30b5ca2b262c00fb", size = 73744, upload-time = "2025-08-10T21:27:42.254Z" }, - { url = "https://files.pythonhosted.org/packages/a3/0f/36d89194b5a32c054ce93e586d4049b6c2c22887b0eb229c61c68afd3078/kiwisolver-1.4.9-pp311-pypy311_pp73-macosx_10_15_x86_64.whl", hash = "sha256:720e05574713db64c356e86732c0f3c5252818d05f9df320f0ad8380641acea5", size = 60104, upload-time = "2025-08-10T21:27:43.287Z" }, - { url = "https://files.pythonhosted.org/packages/52/ba/4ed75f59e4658fd21fe7dde1fee0ac397c678ec3befba3fe6482d987af87/kiwisolver-1.4.9-pp311-pypy311_pp73-macosx_11_0_arm64.whl", hash = "sha256:17680d737d5335b552994a2008fab4c851bcd7de33094a82067ef3a576ff02fa", size = 58592, upload-time = "2025-08-10T21:27:44.314Z" }, - { url = "https://files.pythonhosted.org/packages/33/01/a8ea7c5ea32a9b45ceeaee051a04c8ed4320f5add3c51bfa20879b765b70/kiwisolver-1.4.9-pp311-pypy311_pp73-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:85b5352f94e490c028926ea567fc569c52ec79ce131dadb968d3853e809518c2", size = 80281, upload-time = "2025-08-10T21:27:45.369Z" }, - { url = "https://files.pythonhosted.org/packages/da/e3/dbd2ecdce306f1d07a1aaf324817ee993aab7aee9db47ceac757deabafbe/kiwisolver-1.4.9-pp311-pypy311_pp73-manylinux_2_24_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:464415881e4801295659462c49461a24fb107c140de781d55518c4b80cb6790f", size = 78009, upload-time = "2025-08-10T21:27:46.376Z" }, - { url = "https://files.pythonhosted.org/packages/da/e9/0d4add7873a73e462aeb45c036a2dead2562b825aa46ba326727b3f31016/kiwisolver-1.4.9-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:fb940820c63a9590d31d88b815e7a3aa5915cad3ce735ab45f0c730b39547de1", size = 73929, upload-time = "2025-08-10T21:27:48.236Z" }, -] - -[[package]] -name = "kornia" -version = "0.8.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "kornia-rs" }, - { name = "packaging" }, - { name = "torch", version = "2.5.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.5.1+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.6.0+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0+xpu", source = { registry = "https://download.pytorch.org/whl/xpu" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.9.0+cu130", source = { registry = "https://download.pytorch.org/whl/cu130" }, marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/d7/49/3c3aa9c68262b87551d50cdeefff027394316abfe11937a729371a39f50a/kornia-0.8.1.tar.gz", hash = "sha256:9ce5a54a11df661794934a293f89f8b8d49e83dd09b0b9419f6082ab07afe433", size = 652542, upload-time = "2025-05-08T11:13:25.485Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/80/95/a2e359cd08ea24498be59dcd5980e290cdf658ce534bcb7ae13b8ef694e6/kornia-0.8.1-py2.py3-none-any.whl", hash = "sha256:5dcb00faa795dfb45a3630d771387290bc4f40473451352ca250e5bcc81af3d1", size = 1078646, upload-time = "2025-05-08T11:13:22.826Z" }, -] - -[[package]] -name = "kornia-rs" -version = "0.1.9" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/de/28/6e0cc55dfe9967228cfacbeee79d2a31d8ed5bd6bcc478ec0a0f790f1e71/kornia_rs-0.1.9.tar.gz", hash = "sha256:c7e45e84eb3c2454055326f86329e48a68743507460fb7e39315397fa6eeb9a0", size = 108371, upload-time = "2025-05-07T11:42:08.505Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/1a/f2/b0c668be833f628e9586c85a63424271e76c0b44cde187efd409846694e5/kornia_rs-0.1.9-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:ba3bbb9da2c14803b6b7e5faeef87d3e95d0728e722d0a9e7e32e59b3a22ed42", size = 2569136, upload-time = "2025-05-07T11:42:49.884Z" }, - { url = "https://files.pythonhosted.org/packages/eb/af/9dcc146e3693aec8ad52505ee3303c495d6e8faaa8c17e20082109e1c3cd/kornia_rs-0.1.9-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:8bb14f89bd999d5cd5bf5c187d2f25f63b3134676da146eb579023303e9ea2a3", size = 2304661, upload-time = "2025-05-07T11:42:39.059Z" }, - { url = "https://files.pythonhosted.org/packages/e6/49/e8c3865c856c3e95d7b97d8070e14c685fc2eaea9d22787da3a94e6f6d35/kornia_rs-0.1.9-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d545c3f323d37745228681a71b577e88468d54b965e2194c0e346bb0a969c5f3", size = 2487276, upload-time = "2025-05-07T11:42:06.603Z" }, - { url = "https://files.pythonhosted.org/packages/e9/af/459207ad974d4b0540ff949d0fe2f6197eca905dc4db15b58a230ad5c902/kornia_rs-0.1.9-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ba36918487a6c9f3b8914562fa94011b82fc4fa822b626763babaf3669aaece1", size = 2759368, upload-time = "2025-05-07T11:42:24.373Z" }, - { url = "https://files.pythonhosted.org/packages/77/81/53c882f3b93474a025302aead72b361128a0620dd629a17c86408fadfe31/kornia_rs-0.1.9-cp310-cp310-win_amd64.whl", hash = "sha256:511d0487c853792f816c3a8bc8edbd550fe9160c6de0a22423c2161fac29d814", size = 2276544, upload-time = "2025-05-07T11:43:02.4Z" }, - { url = "https://files.pythonhosted.org/packages/b6/60/7f514359f49514c3f798702425877ac64a278c65775067d6530766b2deda/kornia_rs-0.1.9-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:a0f45987702e816f34bc0fcac253c504932d8ca877c9ab644d8445e7de737aec", size = 2562384, upload-time = "2025-05-07T11:42:51.247Z" }, - { url = "https://files.pythonhosted.org/packages/d6/4d/21d75004dfdef346292b460119a3fab3668c4df38df6a5ffb2058283d16f/kornia_rs-0.1.9-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:9bb863f3ff42919749b7db4a56f2adb076a10d3c57907305898c72e643fa3d5d", size = 2304921, upload-time = "2025-05-07T11:42:40.327Z" }, - { url = "https://files.pythonhosted.org/packages/b0/ea/e0b14d6d1c6dcefaeacde37d1c2ef5098486e0d5de455e5e18e1063bf72d/kornia_rs-0.1.9-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:54604bc8eb7d4d703eac19963378b4d6a72432a3f0da765edb1b0396d10def01", size = 2487791, upload-time = "2025-05-07T11:42:09.799Z" }, - { url = "https://files.pythonhosted.org/packages/1c/5a/5969a793c1b2b0d9027b2f813ecadb568be3d319abe299df4f8e47ec7707/kornia_rs-0.1.9-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6cdda9133297c4cff2c2c54be44d5c39bce715306d0bccb8ab1fae7c0dc7cf63", size = 2759632, upload-time = "2025-05-07T11:42:26.042Z" }, - { url = "https://files.pythonhosted.org/packages/e2/59/5cad0e8562417ed54799fc72081c3ee6c63adc3e0d56b2c6b1fd2a1acb13/kornia_rs-0.1.9-cp311-cp311-win_amd64.whl", hash = "sha256:689929d8dab80928feedbcdc2375060a3fe02b32fbf0dba12ae3fefb605fd089", size = 2276410, upload-time = "2025-05-07T11:43:03.628Z" }, - { url = "https://files.pythonhosted.org/packages/ed/50/2f467cd49f47d6036f1199edc6145ba3f0a6729916c310451e1257baa13c/kornia_rs-0.1.9-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:889b4121f830d8827260f0246554f8bd722137d98db0bf3c2b0f5b1812cf5c63", size = 2554172, upload-time = "2025-05-07T11:42:53.018Z" }, - { url = "https://files.pythonhosted.org/packages/e7/35/2eafb7923b4d5582f1c79ac0237195e030f9c460651b48d39dea96b5a627/kornia_rs-0.1.9-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:a0834f6aa44a35b486fe9802516dde24ec5d8b3b51563f18b488098062074671", size = 2299529, upload-time = "2025-05-07T11:42:41.587Z" }, - { url = "https://files.pythonhosted.org/packages/7c/d0/549ccabae5fe59256a4c749e78f844d4bdc17fda87d3fbe813fc8f430055/kornia_rs-0.1.9-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8e52ead233c9d0b924eee4b906f26f32fde1e236a30723525dfb2b1a610bd48b", size = 2486013, upload-time = "2025-05-07T11:42:11.569Z" }, - { url = "https://files.pythonhosted.org/packages/37/43/fd431c4278101dd25c44ae4c04166905671280f3d6b50d28dc062df544dc/kornia_rs-0.1.9-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e74a8901843e8e5e47f495927462288c7b7b8dc8a253495051c72a5fbda5f664", size = 2760478, upload-time = "2025-05-07T11:42:27.525Z" }, - { url = "https://files.pythonhosted.org/packages/2f/f1/be747ef1b553950cdce6e63a2031e9b55ba3a793d2a8dd506cfcc9a83d10/kornia_rs-0.1.9-cp312-cp312-win_amd64.whl", hash = "sha256:fdfe0baa04800e541425730d03f3b3d217a1a6f0303926889b443b4562c0fda5", size = 2276689, upload-time = "2025-05-07T11:43:04.878Z" }, - { url = "https://files.pythonhosted.org/packages/ad/12/83ebd43c8fb42d5ad1e66ce66af9c80e9b99e95758f7b0b1ceb8be8eebde/kornia_rs-0.1.9-cp313-cp313-macosx_10_12_x86_64.whl", hash = "sha256:e82f5d90ad5b3d02d28535d19bf612e25ca559003d56fad1d12cd173be5d8418", size = 2554277, upload-time = "2025-05-07T11:42:54.354Z" }, - { url = "https://files.pythonhosted.org/packages/6b/b3/d61868697048f92df3b1ca0fbee791b92c305ba7fae3755521d44dd9ffe1/kornia_rs-0.1.9-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:876f0805ed8d05bd94d6b9a6c43161cdc74bc5c4508f5b737d6975d1dcf9016d", size = 2299896, upload-time = "2025-05-07T11:42:42.859Z" }, - { url = "https://files.pythonhosted.org/packages/98/3a/5f37388ed4fae3f34702e1af25398cdd7c071b4bb250f780e7a2a6378e70/kornia_rs-0.1.9-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:00021bb1941766e1e9e8c2cdbebcf33a08f8de3586e6efc791b9580a7e52b5ed", size = 2486072, upload-time = "2025-05-07T11:42:14.6Z" }, - { url = "https://files.pythonhosted.org/packages/c3/d8/a286db51c1269f632b3e4fdb08cb7319476dbe576796be19fdfbdfd4df1c/kornia_rs-0.1.9-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9feaa6d410bc4d0609f3c1f2c0c010743706c2f5eed6f5ded10f2b8fec32acdf", size = 2760634, upload-time = "2025-05-07T11:42:28.998Z" }, - { url = "https://files.pythonhosted.org/packages/9a/6f/c3d7da7a06b71a1eb1eb017a1944bcdc9504ef5cdbb0e3345aceabd24b7a/kornia_rs-0.1.9-cp313-cp313-win_amd64.whl", hash = "sha256:4d063e9d74d2b198f080940cd1679cfb66004cd59bb7cc20e0bcf5874ce3d200", size = 2276574, upload-time = "2025-05-07T11:43:06.117Z" }, - { url = "https://files.pythonhosted.org/packages/46/0d/09cb9deeac45e1ac89aacfa1a9417eba3a27015282ca841f4df197e727b2/kornia_rs-0.1.9-cp313-cp313t-macosx_10_12_x86_64.whl", hash = "sha256:f8d03da3dba89fd290f4df012f49262cde128e3682632b5c498b34909d875190", size = 2555142, upload-time = "2025-05-07T11:42:56.093Z" }, - { url = "https://files.pythonhosted.org/packages/db/88/679db8feae7e2ad19317aaef84d6ff2129a37c601b47012ff67041daf7e3/kornia_rs-0.1.9-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:cef15e7db4cd05ebedc25cd62616c38346f71f7e8a2fb751feacc8726e7e417e", size = 2301310, upload-time = "2025-05-07T11:42:44.105Z" }, - { url = "https://files.pythonhosted.org/packages/19/58/1ba746ac8a8a25d30bf3205c59b7a008dbcbe95533d21a33ad9097afe56d/kornia_rs-0.1.9-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0d6ea40aa2027f62e90c590112fc4be4a787092359ed041479d2b015c0483c97", size = 2487761, upload-time = "2025-05-07T11:42:16.59Z" }, - { url = "https://files.pythonhosted.org/packages/0c/53/84462d5aaf0ad52cb30791d38e144ce8a79519c201ff204f903d54f1dd46/kornia_rs-0.1.9-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e9282a70c9e81710f04fdb23617c73191324ccc070c7f96d62efb5bf66dc242a", size = 2758585, upload-time = "2025-05-07T11:42:30.465Z" }, - { url = "https://files.pythonhosted.org/packages/5e/51/755dda17b63604816a34ee3b9336d1c6ccb54f3e9bcbc8aafd98412fcb8f/kornia_rs-0.1.9-cp313-cp313t-win_amd64.whl", hash = "sha256:cd6b9860ca2fd6103340f4f977f74fa96562d89563e36c00059f2d96c7cea464", size = 2275851, upload-time = "2025-05-07T11:43:07.424Z" }, -] - -[[package]] -name = "lark" -version = "1.3.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/da/34/28fff3ab31ccff1fd4f6c7c7b0ceb2b6968d8ea4950663eadcb5720591a0/lark-1.3.1.tar.gz", hash = "sha256:b426a7a6d6d53189d318f2b6236ab5d6429eaf09259f1ca33eb716eed10d2905", size = 382732, upload-time = "2025-10-27T18:25:56.653Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/82/3d/14ce75ef66813643812f3093ab17e46d3a206942ce7376d31ec2d36229e7/lark-1.3.1-py3-none-any.whl", hash = "sha256:c629b661023a014c37da873b4ff58a817398d12635d3bbb2c5a03be7fe5d1e12", size = 113151, upload-time = "2025-10-27T18:25:54.882Z" }, -] - -[[package]] -name = "lazy-loader" -version = "0.4" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "packaging" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/6f/6b/c875b30a1ba490860c93da4cabf479e03f584eba06fe5963f6f6644653d8/lazy_loader-0.4.tar.gz", hash = "sha256:47c75182589b91a4e1a85a136c074285a5ad4d9f39c63e0d7fb76391c4574cd1", size = 15431, upload-time = "2024-04-05T13:03:12.261Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/83/60/d497a310bde3f01cb805196ac61b7ad6dc5dcf8dce66634dc34364b20b4f/lazy_loader-0.4-py3-none-any.whl", hash = "sha256:342aa8e14d543a154047afb4ba8ef17f5563baad3fc610d7b15b213b0f119efc", size = 12097, upload-time = "2024-04-05T13:03:10.514Z" }, -] - -[[package]] -name = "lightning" -version = "2.5.5" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "fsspec", extra = ["http"] }, - { name = "lightning-utilities" }, - { name = "packaging" }, - { name = "pytorch-lightning" }, - { name = "pyyaml" }, - { name = "torch", version = "2.5.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.5.1+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.6.0+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0+xpu", source = { registry = "https://download.pytorch.org/whl/xpu" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.9.0+cu130", source = { registry = "https://download.pytorch.org/whl/cu130" }, marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchmetrics" }, - { name = "tqdm" }, - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/0f/dd/86bb3bebadcdbc6e6e5a63657f0a03f74cd065b5ea965896679f76fec0b4/lightning-2.5.5.tar.gz", hash = "sha256:4d3d66c5b1481364a7e6a1ce8ddde1777a04fa740a3145ec218a9941aed7dd30", size = 640770, upload-time = "2025-09-05T16:01:21.026Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/2e/d0/4b4fbafc3b18df91207a6e46782d9fd1905f9f45cb2c3b8dfbb239aef781/lightning-2.5.5-py3-none-any.whl", hash = "sha256:69eb248beadd7b600bf48eff00a0ec8af171ec7a678d23787c4aedf12e225e8f", size = 828490, upload-time = "2025-09-05T16:01:17.845Z" }, -] - -[[package]] -name = "lightning-utilities" -version = "0.15.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "packaging" }, - { name = "setuptools" }, - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/b8/39/6fc58ca81492db047149b4b8fd385aa1bfb8c28cd7cacb0c7eb0c44d842f/lightning_utilities-0.15.2.tar.gz", hash = "sha256:cdf12f530214a63dacefd713f180d1ecf5d165338101617b4742e8f22c032e24", size = 31090, upload-time = "2025-08-06T13:57:39.242Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/de/73/3d757cb3fc16f0f9794dd289bcd0c4a031d9cf54d8137d6b984b2d02edf3/lightning_utilities-0.15.2-py3-none-any.whl", hash = "sha256:ad3ab1703775044bbf880dbf7ddaaac899396c96315f3aa1779cec9d618a9841", size = 29431, upload-time = "2025-08-06T13:57:38.046Z" }, -] - -[[package]] -name = "linkify-it-py" -version = "2.0.3" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "uc-micro-py" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/2a/ae/bb56c6828e4797ba5a4821eec7c43b8bf40f69cda4d4f5f8c8a2810ec96a/linkify-it-py-2.0.3.tar.gz", hash = "sha256:68cda27e162e9215c17d786649d1da0021a451bdc436ef9e0fa0ba5234b9b048", size = 27946, upload-time = "2024-02-04T14:48:04.179Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/04/1e/b832de447dee8b582cac175871d2f6c3d5077cc56d5575cadba1fd1cccfa/linkify_it_py-2.0.3-py3-none-any.whl", hash = "sha256:6bcbc417b0ac14323382aef5c5192c0075bf8a9d6b41820a2b66371eac6b6d79", size = 19820, upload-time = "2024-02-04T14:48:02.496Z" }, -] - -[[package]] -name = "mako" -version = "1.3.10" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "markupsafe" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/9e/38/bd5b78a920a64d708fe6bc8e0a2c075e1389d53bef8413725c63ba041535/mako-1.3.10.tar.gz", hash = "sha256:99579a6f39583fa7e5630a28c3c1f440e4e97a414b80372649c0ce338da2ea28", size = 392474, upload-time = "2025-04-10T12:44:31.16Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/87/fb/99f81ac72ae23375f22b7afdb7642aba97c00a713c217124420147681a2f/mako-1.3.10-py3-none-any.whl", hash = "sha256:baef24a52fc4fc514a0887ac600f9f1cff3d82c61d4d700a1fa84d597b88db59", size = 78509, upload-time = "2025-04-10T12:50:53.297Z" }, -] - -[[package]] -name = "markdown" -version = "3.9" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/8d/37/02347f6d6d8279247a5837082ebc26fc0d5aaeaf75aa013fcbb433c777ab/markdown-3.9.tar.gz", hash = "sha256:d2900fe1782bd33bdbbd56859defef70c2e78fc46668f8eb9df3128138f2cb6a", size = 364585, upload-time = "2025-09-04T20:25:22.885Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/70/ae/44c4a6a4cbb496d93c6257954260fe3a6e91b7bed2240e5dad2a717f5111/markdown-3.9-py3-none-any.whl", hash = "sha256:9f4d91ed810864ea88a6f32c07ba8bee1346c0cc1f6b1f9f6c822f2a9667d280", size = 107441, upload-time = "2025-09-04T20:25:21.784Z" }, -] - -[[package]] -name = "markdown-it-py" -version = "3.0.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "mdurl" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/38/71/3b932df36c1a044d397a1f92d1cf91ee0a503d91e470cbd670aa66b07ed0/markdown-it-py-3.0.0.tar.gz", hash = "sha256:e3f60a94fa066dc52ec76661e37c851cb232d92f9886b15cb560aaada2df8feb", size = 74596, upload-time = "2023-06-03T06:41:14.443Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/42/d7/1ec15b46af6af88f19b8e5ffea08fa375d433c998b8a7639e76935c14f1f/markdown_it_py-3.0.0-py3-none-any.whl", hash = "sha256:355216845c60bd96232cd8d8c40e8f9765cc86f46880e43a8fd22dc1a1a8cab1", size = 87528, upload-time = "2023-06-03T06:41:11.019Z" }, -] - -[[package]] -name = "markupsafe" -version = "3.0.3" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/7e/99/7690b6d4034fffd95959cbe0c02de8deb3098cc577c67bb6a24fe5d7caa7/markupsafe-3.0.3.tar.gz", hash = "sha256:722695808f4b6457b320fdc131280796bdceb04ab50fe1795cd540799ebe1698", size = 80313, upload-time = "2025-09-27T18:37:40.426Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e8/4b/3541d44f3937ba468b75da9eebcae497dcf67adb65caa16760b0a6807ebb/markupsafe-3.0.3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:2f981d352f04553a7171b8e44369f2af4055f888dfb147d55e42d29e29e74559", size = 11631, upload-time = "2025-09-27T18:36:05.558Z" }, - { url = "https://files.pythonhosted.org/packages/98/1b/fbd8eed11021cabd9226c37342fa6ca4e8a98d8188a8d9b66740494960e4/markupsafe-3.0.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:e1c1493fb6e50ab01d20a22826e57520f1284df32f2d8601fdd90b6304601419", size = 12057, upload-time = "2025-09-27T18:36:07.165Z" }, - { url = "https://files.pythonhosted.org/packages/40/01/e560d658dc0bb8ab762670ece35281dec7b6c1b33f5fbc09ebb57a185519/markupsafe-3.0.3-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:1ba88449deb3de88bd40044603fafffb7bc2b055d626a330323a9ed736661695", size = 22050, upload-time = "2025-09-27T18:36:08.005Z" }, - { url = "https://files.pythonhosted.org/packages/af/cd/ce6e848bbf2c32314c9b237839119c5a564a59725b53157c856e90937b7a/markupsafe-3.0.3-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:f42d0984e947b8adf7dd6dde396e720934d12c506ce84eea8476409563607591", size = 20681, upload-time = "2025-09-27T18:36:08.881Z" }, - { url = "https://files.pythonhosted.org/packages/c9/2a/b5c12c809f1c3045c4d580b035a743d12fcde53cf685dbc44660826308da/markupsafe-3.0.3-cp310-cp310-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:c0c0b3ade1c0b13b936d7970b1d37a57acde9199dc2aecc4c336773e1d86049c", size = 20705, upload-time = "2025-09-27T18:36:10.131Z" }, - { url = "https://files.pythonhosted.org/packages/cf/e3/9427a68c82728d0a88c50f890d0fc072a1484de2f3ac1ad0bfc1a7214fd5/markupsafe-3.0.3-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:0303439a41979d9e74d18ff5e2dd8c43ed6c6001fd40e5bf2e43f7bd9bbc523f", size = 21524, upload-time = "2025-09-27T18:36:11.324Z" }, - { url = "https://files.pythonhosted.org/packages/bc/36/23578f29e9e582a4d0278e009b38081dbe363c5e7165113fad546918a232/markupsafe-3.0.3-cp310-cp310-musllinux_1_2_riscv64.whl", hash = "sha256:d2ee202e79d8ed691ceebae8e0486bd9a2cd4794cec4824e1c99b6f5009502f6", size = 20282, upload-time = "2025-09-27T18:36:12.573Z" }, - { url = "https://files.pythonhosted.org/packages/56/21/dca11354e756ebd03e036bd8ad58d6d7168c80ce1fe5e75218e4945cbab7/markupsafe-3.0.3-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:177b5253b2834fe3678cb4a5f0059808258584c559193998be2601324fdeafb1", size = 20745, upload-time = "2025-09-27T18:36:13.504Z" }, - { url = "https://files.pythonhosted.org/packages/87/99/faba9369a7ad6e4d10b6a5fbf71fa2a188fe4a593b15f0963b73859a1bbd/markupsafe-3.0.3-cp310-cp310-win32.whl", hash = "sha256:2a15a08b17dd94c53a1da0438822d70ebcd13f8c3a95abe3a9ef9f11a94830aa", size = 14571, upload-time = "2025-09-27T18:36:14.779Z" }, - { url = "https://files.pythonhosted.org/packages/d6/25/55dc3ab959917602c96985cb1253efaa4ff42f71194bddeb61eb7278b8be/markupsafe-3.0.3-cp310-cp310-win_amd64.whl", hash = "sha256:c4ffb7ebf07cfe8931028e3e4c85f0357459a3f9f9490886198848f4fa002ec8", size = 15056, upload-time = "2025-09-27T18:36:16.125Z" }, - { url = "https://files.pythonhosted.org/packages/d0/9e/0a02226640c255d1da0b8d12e24ac2aa6734da68bff14c05dd53b94a0fc3/markupsafe-3.0.3-cp310-cp310-win_arm64.whl", hash = "sha256:e2103a929dfa2fcaf9bb4e7c091983a49c9ac3b19c9061b6d5427dd7d14d81a1", size = 13932, upload-time = "2025-09-27T18:36:17.311Z" }, - { url = "https://files.pythonhosted.org/packages/08/db/fefacb2136439fc8dd20e797950e749aa1f4997ed584c62cfb8ef7c2be0e/markupsafe-3.0.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:1cc7ea17a6824959616c525620e387f6dd30fec8cb44f649e31712db02123dad", size = 11631, upload-time = "2025-09-27T18:36:18.185Z" }, - { url = "https://files.pythonhosted.org/packages/e1/2e/5898933336b61975ce9dc04decbc0a7f2fee78c30353c5efba7f2d6ff27a/markupsafe-3.0.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:4bd4cd07944443f5a265608cc6aab442e4f74dff8088b0dfc8238647b8f6ae9a", size = 12058, upload-time = "2025-09-27T18:36:19.444Z" }, - { url = "https://files.pythonhosted.org/packages/1d/09/adf2df3699d87d1d8184038df46a9c80d78c0148492323f4693df54e17bb/markupsafe-3.0.3-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:6b5420a1d9450023228968e7e6a9ce57f65d148ab56d2313fcd589eee96a7a50", size = 24287, upload-time = "2025-09-27T18:36:20.768Z" }, - { url = "https://files.pythonhosted.org/packages/30/ac/0273f6fcb5f42e314c6d8cd99effae6a5354604d461b8d392b5ec9530a54/markupsafe-3.0.3-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:0bf2a864d67e76e5c9a34dc26ec616a66b9888e25e7b9460e1c76d3293bd9dbf", size = 22940, upload-time = "2025-09-27T18:36:22.249Z" }, - { url = "https://files.pythonhosted.org/packages/19/ae/31c1be199ef767124c042c6c3e904da327a2f7f0cd63a0337e1eca2967a8/markupsafe-3.0.3-cp311-cp311-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:bc51efed119bc9cfdf792cdeaa4d67e8f6fcccab66ed4bfdd6bde3e59bfcbb2f", size = 21887, upload-time = "2025-09-27T18:36:23.535Z" }, - { url = "https://files.pythonhosted.org/packages/b2/76/7edcab99d5349a4532a459e1fe64f0b0467a3365056ae550d3bcf3f79e1e/markupsafe-3.0.3-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:068f375c472b3e7acbe2d5318dea141359e6900156b5b2ba06a30b169086b91a", size = 23692, upload-time = "2025-09-27T18:36:24.823Z" }, - { url = "https://files.pythonhosted.org/packages/a4/28/6e74cdd26d7514849143d69f0bf2399f929c37dc2b31e6829fd2045b2765/markupsafe-3.0.3-cp311-cp311-musllinux_1_2_riscv64.whl", hash = "sha256:7be7b61bb172e1ed687f1754f8e7484f1c8019780f6f6b0786e76bb01c2ae115", size = 21471, upload-time = "2025-09-27T18:36:25.95Z" }, - { url = "https://files.pythonhosted.org/packages/62/7e/a145f36a5c2945673e590850a6f8014318d5577ed7e5920a4b3448e0865d/markupsafe-3.0.3-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:f9e130248f4462aaa8e2552d547f36ddadbeaa573879158d721bbd33dfe4743a", size = 22923, upload-time = "2025-09-27T18:36:27.109Z" }, - { url = "https://files.pythonhosted.org/packages/0f/62/d9c46a7f5c9adbeeeda52f5b8d802e1094e9717705a645efc71b0913a0a8/markupsafe-3.0.3-cp311-cp311-win32.whl", hash = "sha256:0db14f5dafddbb6d9208827849fad01f1a2609380add406671a26386cdf15a19", size = 14572, upload-time = "2025-09-27T18:36:28.045Z" }, - { url = "https://files.pythonhosted.org/packages/83/8a/4414c03d3f891739326e1783338e48fb49781cc915b2e0ee052aa490d586/markupsafe-3.0.3-cp311-cp311-win_amd64.whl", hash = "sha256:de8a88e63464af587c950061a5e6a67d3632e36df62b986892331d4620a35c01", size = 15077, upload-time = "2025-09-27T18:36:29.025Z" }, - { url = "https://files.pythonhosted.org/packages/35/73/893072b42e6862f319b5207adc9ae06070f095b358655f077f69a35601f0/markupsafe-3.0.3-cp311-cp311-win_arm64.whl", hash = "sha256:3b562dd9e9ea93f13d53989d23a7e775fdfd1066c33494ff43f5418bc8c58a5c", size = 13876, upload-time = "2025-09-27T18:36:29.954Z" }, - { url = "https://files.pythonhosted.org/packages/5a/72/147da192e38635ada20e0a2e1a51cf8823d2119ce8883f7053879c2199b5/markupsafe-3.0.3-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:d53197da72cc091b024dd97249dfc7794d6a56530370992a5e1a08983ad9230e", size = 11615, upload-time = "2025-09-27T18:36:30.854Z" }, - { url = "https://files.pythonhosted.org/packages/9a/81/7e4e08678a1f98521201c3079f77db69fb552acd56067661f8c2f534a718/markupsafe-3.0.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:1872df69a4de6aead3491198eaf13810b565bdbeec3ae2dc8780f14458ec73ce", size = 12020, upload-time = "2025-09-27T18:36:31.971Z" }, - { url = "https://files.pythonhosted.org/packages/1e/2c/799f4742efc39633a1b54a92eec4082e4f815314869865d876824c257c1e/markupsafe-3.0.3-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:3a7e8ae81ae39e62a41ec302f972ba6ae23a5c5396c8e60113e9066ef893da0d", size = 24332, upload-time = "2025-09-27T18:36:32.813Z" }, - { url = "https://files.pythonhosted.org/packages/3c/2e/8d0c2ab90a8c1d9a24f0399058ab8519a3279d1bd4289511d74e909f060e/markupsafe-3.0.3-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:d6dd0be5b5b189d31db7cda48b91d7e0a9795f31430b7f271219ab30f1d3ac9d", size = 22947, upload-time = "2025-09-27T18:36:33.86Z" }, - { url = "https://files.pythonhosted.org/packages/2c/54/887f3092a85238093a0b2154bd629c89444f395618842e8b0c41783898ea/markupsafe-3.0.3-cp312-cp312-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:94c6f0bb423f739146aec64595853541634bde58b2135f27f61c1ffd1cd4d16a", size = 21962, upload-time = "2025-09-27T18:36:35.099Z" }, - { url = "https://files.pythonhosted.org/packages/c9/2f/336b8c7b6f4a4d95e91119dc8521402461b74a485558d8f238a68312f11c/markupsafe-3.0.3-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:be8813b57049a7dc738189df53d69395eba14fb99345e0a5994914a3864c8a4b", size = 23760, upload-time = "2025-09-27T18:36:36.001Z" }, - { url = "https://files.pythonhosted.org/packages/32/43/67935f2b7e4982ffb50a4d169b724d74b62a3964bc1a9a527f5ac4f1ee2b/markupsafe-3.0.3-cp312-cp312-musllinux_1_2_riscv64.whl", hash = "sha256:83891d0e9fb81a825d9a6d61e3f07550ca70a076484292a70fde82c4b807286f", size = 21529, upload-time = "2025-09-27T18:36:36.906Z" }, - { url = "https://files.pythonhosted.org/packages/89/e0/4486f11e51bbba8b0c041098859e869e304d1c261e59244baa3d295d47b7/markupsafe-3.0.3-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:77f0643abe7495da77fb436f50f8dab76dbc6e5fd25d39589a0f1fe6548bfa2b", size = 23015, upload-time = "2025-09-27T18:36:37.868Z" }, - { url = "https://files.pythonhosted.org/packages/2f/e1/78ee7a023dac597a5825441ebd17170785a9dab23de95d2c7508ade94e0e/markupsafe-3.0.3-cp312-cp312-win32.whl", hash = "sha256:d88b440e37a16e651bda4c7c2b930eb586fd15ca7406cb39e211fcff3bf3017d", size = 14540, upload-time = "2025-09-27T18:36:38.761Z" }, - { url = "https://files.pythonhosted.org/packages/aa/5b/bec5aa9bbbb2c946ca2733ef9c4ca91c91b6a24580193e891b5f7dbe8e1e/markupsafe-3.0.3-cp312-cp312-win_amd64.whl", hash = "sha256:26a5784ded40c9e318cfc2bdb30fe164bdb8665ded9cd64d500a34fb42067b1c", size = 15105, upload-time = "2025-09-27T18:36:39.701Z" }, - { url = "https://files.pythonhosted.org/packages/e5/f1/216fc1bbfd74011693a4fd837e7026152e89c4bcf3e77b6692fba9923123/markupsafe-3.0.3-cp312-cp312-win_arm64.whl", hash = "sha256:35add3b638a5d900e807944a078b51922212fb3dedb01633a8defc4b01a3c85f", size = 13906, upload-time = "2025-09-27T18:36:40.689Z" }, - { url = "https://files.pythonhosted.org/packages/38/2f/907b9c7bbba283e68f20259574b13d005c121a0fa4c175f9bed27c4597ff/markupsafe-3.0.3-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:e1cf1972137e83c5d4c136c43ced9ac51d0e124706ee1c8aa8532c1287fa8795", size = 11622, upload-time = "2025-09-27T18:36:41.777Z" }, - { url = "https://files.pythonhosted.org/packages/9c/d9/5f7756922cdd676869eca1c4e3c0cd0df60ed30199ffd775e319089cb3ed/markupsafe-3.0.3-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:116bb52f642a37c115f517494ea5feb03889e04df47eeff5b130b1808ce7c219", size = 12029, upload-time = "2025-09-27T18:36:43.257Z" }, - { url = "https://files.pythonhosted.org/packages/00/07/575a68c754943058c78f30db02ee03a64b3c638586fba6a6dd56830b30a3/markupsafe-3.0.3-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:133a43e73a802c5562be9bbcd03d090aa5a1fe899db609c29e8c8d815c5f6de6", size = 24374, upload-time = "2025-09-27T18:36:44.508Z" }, - { url = "https://files.pythonhosted.org/packages/a9/21/9b05698b46f218fc0e118e1f8168395c65c8a2c750ae2bab54fc4bd4e0e8/markupsafe-3.0.3-cp313-cp313-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:ccfcd093f13f0f0b7fdd0f198b90053bf7b2f02a3927a30e63f3ccc9df56b676", size = 22980, upload-time = "2025-09-27T18:36:45.385Z" }, - { url = "https://files.pythonhosted.org/packages/7f/71/544260864f893f18b6827315b988c146b559391e6e7e8f7252839b1b846a/markupsafe-3.0.3-cp313-cp313-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:509fa21c6deb7a7a273d629cf5ec029bc209d1a51178615ddf718f5918992ab9", size = 21990, upload-time = "2025-09-27T18:36:46.916Z" }, - { url = "https://files.pythonhosted.org/packages/c2/28/b50fc2f74d1ad761af2f5dcce7492648b983d00a65b8c0e0cb457c82ebbe/markupsafe-3.0.3-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:a4afe79fb3de0b7097d81da19090f4df4f8d3a2b3adaa8764138aac2e44f3af1", size = 23784, upload-time = "2025-09-27T18:36:47.884Z" }, - { url = "https://files.pythonhosted.org/packages/ed/76/104b2aa106a208da8b17a2fb72e033a5a9d7073c68f7e508b94916ed47a9/markupsafe-3.0.3-cp313-cp313-musllinux_1_2_riscv64.whl", hash = "sha256:795e7751525cae078558e679d646ae45574b47ed6e7771863fcc079a6171a0fc", size = 21588, upload-time = "2025-09-27T18:36:48.82Z" }, - { url = "https://files.pythonhosted.org/packages/b5/99/16a5eb2d140087ebd97180d95249b00a03aa87e29cc224056274f2e45fd6/markupsafe-3.0.3-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:8485f406a96febb5140bfeca44a73e3ce5116b2501ac54fe953e488fb1d03b12", size = 23041, upload-time = "2025-09-27T18:36:49.797Z" }, - { url = "https://files.pythonhosted.org/packages/19/bc/e7140ed90c5d61d77cea142eed9f9c303f4c4806f60a1044c13e3f1471d0/markupsafe-3.0.3-cp313-cp313-win32.whl", hash = "sha256:bdd37121970bfd8be76c5fb069c7751683bdf373db1ed6c010162b2a130248ed", size = 14543, upload-time = "2025-09-27T18:36:51.584Z" }, - { url = "https://files.pythonhosted.org/packages/05/73/c4abe620b841b6b791f2edc248f556900667a5a1cf023a6646967ae98335/markupsafe-3.0.3-cp313-cp313-win_amd64.whl", hash = "sha256:9a1abfdc021a164803f4d485104931fb8f8c1efd55bc6b748d2f5774e78b62c5", size = 15113, upload-time = "2025-09-27T18:36:52.537Z" }, - { url = "https://files.pythonhosted.org/packages/f0/3a/fa34a0f7cfef23cf9500d68cb7c32dd64ffd58a12b09225fb03dd37d5b80/markupsafe-3.0.3-cp313-cp313-win_arm64.whl", hash = "sha256:7e68f88e5b8799aa49c85cd116c932a1ac15caaa3f5db09087854d218359e485", size = 13911, upload-time = "2025-09-27T18:36:53.513Z" }, - { url = "https://files.pythonhosted.org/packages/e4/d7/e05cd7efe43a88a17a37b3ae96e79a19e846f3f456fe79c57ca61356ef01/markupsafe-3.0.3-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:218551f6df4868a8d527e3062d0fb968682fe92054e89978594c28e642c43a73", size = 11658, upload-time = "2025-09-27T18:36:54.819Z" }, - { url = "https://files.pythonhosted.org/packages/99/9e/e412117548182ce2148bdeacdda3bb494260c0b0184360fe0d56389b523b/markupsafe-3.0.3-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:3524b778fe5cfb3452a09d31e7b5adefeea8c5be1d43c4f810ba09f2ceb29d37", size = 12066, upload-time = "2025-09-27T18:36:55.714Z" }, - { url = "https://files.pythonhosted.org/packages/bc/e6/fa0ffcda717ef64a5108eaa7b4f5ed28d56122c9a6d70ab8b72f9f715c80/markupsafe-3.0.3-cp313-cp313t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:4e885a3d1efa2eadc93c894a21770e4bc67899e3543680313b09f139e149ab19", size = 25639, upload-time = "2025-09-27T18:36:56.908Z" }, - { url = "https://files.pythonhosted.org/packages/96/ec/2102e881fe9d25fc16cb4b25d5f5cde50970967ffa5dddafdb771237062d/markupsafe-3.0.3-cp313-cp313t-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:8709b08f4a89aa7586de0aadc8da56180242ee0ada3999749b183aa23df95025", size = 23569, upload-time = "2025-09-27T18:36:57.913Z" }, - { url = "https://files.pythonhosted.org/packages/4b/30/6f2fce1f1f205fc9323255b216ca8a235b15860c34b6798f810f05828e32/markupsafe-3.0.3-cp313-cp313t-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:b8512a91625c9b3da6f127803b166b629725e68af71f8184ae7e7d54686a56d6", size = 23284, upload-time = "2025-09-27T18:36:58.833Z" }, - { url = "https://files.pythonhosted.org/packages/58/47/4a0ccea4ab9f5dcb6f79c0236d954acb382202721e704223a8aafa38b5c8/markupsafe-3.0.3-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:9b79b7a16f7fedff2495d684f2b59b0457c3b493778c9eed31111be64d58279f", size = 24801, upload-time = "2025-09-27T18:36:59.739Z" }, - { url = "https://files.pythonhosted.org/packages/6a/70/3780e9b72180b6fecb83a4814d84c3bf4b4ae4bf0b19c27196104149734c/markupsafe-3.0.3-cp313-cp313t-musllinux_1_2_riscv64.whl", hash = "sha256:12c63dfb4a98206f045aa9563db46507995f7ef6d83b2f68eda65c307c6829eb", size = 22769, upload-time = "2025-09-27T18:37:00.719Z" }, - { url = "https://files.pythonhosted.org/packages/98/c5/c03c7f4125180fc215220c035beac6b9cb684bc7a067c84fc69414d315f5/markupsafe-3.0.3-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:8f71bc33915be5186016f675cd83a1e08523649b0e33efdb898db577ef5bb009", size = 23642, upload-time = "2025-09-27T18:37:01.673Z" }, - { url = "https://files.pythonhosted.org/packages/80/d6/2d1b89f6ca4bff1036499b1e29a1d02d282259f3681540e16563f27ebc23/markupsafe-3.0.3-cp313-cp313t-win32.whl", hash = "sha256:69c0b73548bc525c8cb9a251cddf1931d1db4d2258e9599c28c07ef3580ef354", size = 14612, upload-time = "2025-09-27T18:37:02.639Z" }, - { url = "https://files.pythonhosted.org/packages/2b/98/e48a4bfba0a0ffcf9925fe2d69240bfaa19c6f7507b8cd09c70684a53c1e/markupsafe-3.0.3-cp313-cp313t-win_amd64.whl", hash = "sha256:1b4b79e8ebf6b55351f0d91fe80f893b4743f104bff22e90697db1590e47a218", size = 15200, upload-time = "2025-09-27T18:37:03.582Z" }, - { url = "https://files.pythonhosted.org/packages/0e/72/e3cc540f351f316e9ed0f092757459afbc595824ca724cbc5a5d4263713f/markupsafe-3.0.3-cp313-cp313t-win_arm64.whl", hash = "sha256:ad2cf8aa28b8c020ab2fc8287b0f823d0a7d8630784c31e9ee5edea20f406287", size = 13973, upload-time = "2025-09-27T18:37:04.929Z" }, - { url = "https://files.pythonhosted.org/packages/33/8a/8e42d4838cd89b7dde187011e97fe6c3af66d8c044997d2183fbd6d31352/markupsafe-3.0.3-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:eaa9599de571d72e2daf60164784109f19978b327a3910d3e9de8c97b5b70cfe", size = 11619, upload-time = "2025-09-27T18:37:06.342Z" }, - { url = "https://files.pythonhosted.org/packages/b5/64/7660f8a4a8e53c924d0fa05dc3a55c9cee10bbd82b11c5afb27d44b096ce/markupsafe-3.0.3-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:c47a551199eb8eb2121d4f0f15ae0f923d31350ab9280078d1e5f12b249e0026", size = 12029, upload-time = "2025-09-27T18:37:07.213Z" }, - { url = "https://files.pythonhosted.org/packages/da/ef/e648bfd021127bef5fa12e1720ffed0c6cbb8310c8d9bea7266337ff06de/markupsafe-3.0.3-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:f34c41761022dd093b4b6896d4810782ffbabe30f2d443ff5f083e0cbbb8c737", size = 24408, upload-time = "2025-09-27T18:37:09.572Z" }, - { url = "https://files.pythonhosted.org/packages/41/3c/a36c2450754618e62008bf7435ccb0f88053e07592e6028a34776213d877/markupsafe-3.0.3-cp314-cp314-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:457a69a9577064c05a97c41f4e65148652db078a3a509039e64d3467b9e7ef97", size = 23005, upload-time = "2025-09-27T18:37:10.58Z" }, - { url = "https://files.pythonhosted.org/packages/bc/20/b7fdf89a8456b099837cd1dc21974632a02a999ec9bf7ca3e490aacd98e7/markupsafe-3.0.3-cp314-cp314-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:e8afc3f2ccfa24215f8cb28dcf43f0113ac3c37c2f0f0806d8c70e4228c5cf4d", size = 22048, upload-time = "2025-09-27T18:37:11.547Z" }, - { url = "https://files.pythonhosted.org/packages/9a/a7/591f592afdc734f47db08a75793a55d7fbcc6902a723ae4cfbab61010cc5/markupsafe-3.0.3-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:ec15a59cf5af7be74194f7ab02d0f59a62bdcf1a537677ce67a2537c9b87fcda", size = 23821, upload-time = "2025-09-27T18:37:12.48Z" }, - { url = "https://files.pythonhosted.org/packages/7d/33/45b24e4f44195b26521bc6f1a82197118f74df348556594bd2262bda1038/markupsafe-3.0.3-cp314-cp314-musllinux_1_2_riscv64.whl", hash = "sha256:0eb9ff8191e8498cca014656ae6b8d61f39da5f95b488805da4bb029cccbfbaf", size = 21606, upload-time = "2025-09-27T18:37:13.485Z" }, - { url = "https://files.pythonhosted.org/packages/ff/0e/53dfaca23a69fbfbbf17a4b64072090e70717344c52eaaaa9c5ddff1e5f0/markupsafe-3.0.3-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:2713baf880df847f2bece4230d4d094280f4e67b1e813eec43b4c0e144a34ffe", size = 23043, upload-time = "2025-09-27T18:37:14.408Z" }, - { url = "https://files.pythonhosted.org/packages/46/11/f333a06fc16236d5238bfe74daccbca41459dcd8d1fa952e8fbd5dccfb70/markupsafe-3.0.3-cp314-cp314-win32.whl", hash = "sha256:729586769a26dbceff69f7a7dbbf59ab6572b99d94576a5592625d5b411576b9", size = 14747, upload-time = "2025-09-27T18:37:15.36Z" }, - { url = "https://files.pythonhosted.org/packages/28/52/182836104b33b444e400b14f797212f720cbc9ed6ba34c800639d154e821/markupsafe-3.0.3-cp314-cp314-win_amd64.whl", hash = "sha256:bdc919ead48f234740ad807933cdf545180bfbe9342c2bb451556db2ed958581", size = 15341, upload-time = "2025-09-27T18:37:16.496Z" }, - { url = "https://files.pythonhosted.org/packages/6f/18/acf23e91bd94fd7b3031558b1f013adfa21a8e407a3fdb32745538730382/markupsafe-3.0.3-cp314-cp314-win_arm64.whl", hash = "sha256:5a7d5dc5140555cf21a6fefbdbf8723f06fcd2f63ef108f2854de715e4422cb4", size = 14073, upload-time = "2025-09-27T18:37:17.476Z" }, - { url = "https://files.pythonhosted.org/packages/3c/f0/57689aa4076e1b43b15fdfa646b04653969d50cf30c32a102762be2485da/markupsafe-3.0.3-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:1353ef0c1b138e1907ae78e2f6c63ff67501122006b0f9abad68fda5f4ffc6ab", size = 11661, upload-time = "2025-09-27T18:37:18.453Z" }, - { url = "https://files.pythonhosted.org/packages/89/c3/2e67a7ca217c6912985ec766c6393b636fb0c2344443ff9d91404dc4c79f/markupsafe-3.0.3-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:1085e7fbddd3be5f89cc898938f42c0b3c711fdcb37d75221de2666af647c175", size = 12069, upload-time = "2025-09-27T18:37:19.332Z" }, - { url = "https://files.pythonhosted.org/packages/f0/00/be561dce4e6ca66b15276e184ce4b8aec61fe83662cce2f7d72bd3249d28/markupsafe-3.0.3-cp314-cp314t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:1b52b4fb9df4eb9ae465f8d0c228a00624de2334f216f178a995ccdcf82c4634", size = 25670, upload-time = "2025-09-27T18:37:20.245Z" }, - { url = "https://files.pythonhosted.org/packages/50/09/c419f6f5a92e5fadde27efd190eca90f05e1261b10dbd8cbcb39cd8ea1dc/markupsafe-3.0.3-cp314-cp314t-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:fed51ac40f757d41b7c48425901843666a6677e3e8eb0abcff09e4ba6e664f50", size = 23598, upload-time = "2025-09-27T18:37:21.177Z" }, - { url = "https://files.pythonhosted.org/packages/22/44/a0681611106e0b2921b3033fc19bc53323e0b50bc70cffdd19f7d679bb66/markupsafe-3.0.3-cp314-cp314t-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:f190daf01f13c72eac4efd5c430a8de82489d9cff23c364c3ea822545032993e", size = 23261, upload-time = "2025-09-27T18:37:22.167Z" }, - { url = "https://files.pythonhosted.org/packages/5f/57/1b0b3f100259dc9fffe780cfb60d4be71375510e435efec3d116b6436d43/markupsafe-3.0.3-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:e56b7d45a839a697b5eb268c82a71bd8c7f6c94d6fd50c3d577fa39a9f1409f5", size = 24835, upload-time = "2025-09-27T18:37:23.296Z" }, - { url = "https://files.pythonhosted.org/packages/26/6a/4bf6d0c97c4920f1597cc14dd720705eca0bf7c787aebc6bb4d1bead5388/markupsafe-3.0.3-cp314-cp314t-musllinux_1_2_riscv64.whl", hash = "sha256:f3e98bb3798ead92273dc0e5fd0f31ade220f59a266ffd8a4f6065e0a3ce0523", size = 22733, upload-time = "2025-09-27T18:37:24.237Z" }, - { url = "https://files.pythonhosted.org/packages/14/c7/ca723101509b518797fedc2fdf79ba57f886b4aca8a7d31857ba3ee8281f/markupsafe-3.0.3-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:5678211cb9333a6468fb8d8be0305520aa073f50d17f089b5b4b477ea6e67fdc", size = 23672, upload-time = "2025-09-27T18:37:25.271Z" }, - { url = "https://files.pythonhosted.org/packages/fb/df/5bd7a48c256faecd1d36edc13133e51397e41b73bb77e1a69deab746ebac/markupsafe-3.0.3-cp314-cp314t-win32.whl", hash = "sha256:915c04ba3851909ce68ccc2b8e2cd691618c4dc4c4232fb7982bca3f41fd8c3d", size = 14819, upload-time = "2025-09-27T18:37:26.285Z" }, - { url = "https://files.pythonhosted.org/packages/1a/8a/0402ba61a2f16038b48b39bccca271134be00c5c9f0f623208399333c448/markupsafe-3.0.3-cp314-cp314t-win_amd64.whl", hash = "sha256:4faffd047e07c38848ce017e8725090413cd80cbc23d86e55c587bf979e579c9", size = 15426, upload-time = "2025-09-27T18:37:27.316Z" }, - { url = "https://files.pythonhosted.org/packages/70/bc/6f1c2f612465f5fa89b95bead1f44dcb607670fd42891d8fdcd5d039f4f4/markupsafe-3.0.3-cp314-cp314t-win_arm64.whl", hash = "sha256:32001d6a8fc98c8cb5c947787c5d08b0a50663d139f1305bac5885d98d9b40fa", size = 14146, upload-time = "2025-09-27T18:37:28.327Z" }, -] - -[[package]] -name = "matplotlib" -version = "3.10.7" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "contourpy", version = "1.3.2", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "contourpy", version = "1.3.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "cycler" }, - { name = "fonttools" }, - { name = "kiwisolver" }, - { name = "numpy" }, - { name = "packaging" }, - { name = "pillow" }, - { name = "pyparsing" }, - { name = "python-dateutil" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/ae/e2/d2d5295be2f44c678ebaf3544ba32d20c1f9ef08c49fe47f496180e1db15/matplotlib-3.10.7.tar.gz", hash = "sha256:a06ba7e2a2ef9131c79c49e63dad355d2d878413a0376c1727c8b9335ff731c7", size = 34804865, upload-time = "2025-10-09T00:28:00.669Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/6c/87/3932d5778ab4c025db22710b61f49ccaed3956c5cf46ffb2ffa7492b06d9/matplotlib-3.10.7-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:7ac81eee3b7c266dd92cee1cd658407b16c57eed08c7421fa354ed68234de380", size = 8247141, upload-time = "2025-10-09T00:26:06.023Z" }, - { url = "https://files.pythonhosted.org/packages/45/a8/bfed45339160102bce21a44e38a358a1134a5f84c26166de03fb4a53208f/matplotlib-3.10.7-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:667ecd5d8d37813a845053d8f5bf110b534c3c9f30e69ebd25d4701385935a6d", size = 8107995, upload-time = "2025-10-09T00:26:08.669Z" }, - { url = "https://files.pythonhosted.org/packages/e2/3c/5692a2d9a5ba848fda3f48d2b607037df96460b941a59ef236404b39776b/matplotlib-3.10.7-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:cc1c51b846aca49a5a8b44fbba6a92d583a35c64590ad9e1e950dc88940a4297", size = 8680503, upload-time = "2025-10-09T00:26:10.607Z" }, - { url = "https://files.pythonhosted.org/packages/ab/a0/86ace53c48b05d0e6e9c127b2ace097434901f3e7b93f050791c8243201a/matplotlib-3.10.7-cp310-cp310-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:4a11c2e9e72e7de09b7b72e62f3df23317c888299c875e2b778abf1eda8c0a42", size = 9514982, upload-time = "2025-10-09T00:26:12.594Z" }, - { url = "https://files.pythonhosted.org/packages/a6/81/ead71e2824da8f72640a64166d10e62300df4ae4db01a0bac56c5b39fa51/matplotlib-3.10.7-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:f19410b486fdd139885ace124e57f938c1e6a3210ea13dd29cab58f5d4bc12c7", size = 9566429, upload-time = "2025-10-09T00:26:14.758Z" }, - { url = "https://files.pythonhosted.org/packages/65/7d/954b3067120456f472cce8fdcacaf4a5fcd522478db0c37bb243c7cb59dd/matplotlib-3.10.7-cp310-cp310-win_amd64.whl", hash = "sha256:b498e9e4022f93de2d5a37615200ca01297ceebbb56fe4c833f46862a490f9e3", size = 8108174, upload-time = "2025-10-09T00:26:17.015Z" }, - { url = "https://files.pythonhosted.org/packages/fc/bc/0fb489005669127ec13f51be0c6adc074d7cf191075dab1da9fe3b7a3cfc/matplotlib-3.10.7-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:53b492410a6cd66c7a471de6c924f6ede976e963c0f3097a3b7abfadddc67d0a", size = 8257507, upload-time = "2025-10-09T00:26:19.073Z" }, - { url = "https://files.pythonhosted.org/packages/e2/6a/d42588ad895279ff6708924645b5d2ed54a7fb2dc045c8a804e955aeace1/matplotlib-3.10.7-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:d9749313deb729f08207718d29c86246beb2ea3fdba753595b55901dee5d2fd6", size = 8119565, upload-time = "2025-10-09T00:26:21.023Z" }, - { url = "https://files.pythonhosted.org/packages/10/b7/4aa196155b4d846bd749cf82aa5a4c300cf55a8b5e0dfa5b722a63c0f8a0/matplotlib-3.10.7-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:2222c7ba2cbde7fe63032769f6eb7e83ab3227f47d997a8453377709b7fe3a5a", size = 8692668, upload-time = "2025-10-09T00:26:22.967Z" }, - { url = "https://files.pythonhosted.org/packages/e6/e7/664d2b97016f46683a02d854d730cfcf54ff92c1dafa424beebef50f831d/matplotlib-3.10.7-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:e91f61a064c92c307c5a9dc8c05dc9f8a68f0a3be199d9a002a0622e13f874a1", size = 9521051, upload-time = "2025-10-09T00:26:25.041Z" }, - { url = "https://files.pythonhosted.org/packages/a8/a3/37aef1404efa615f49b5758a5e0261c16dd88f389bc1861e722620e4a754/matplotlib-3.10.7-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:6f1851eab59ca082c95df5a500106bad73672645625e04538b3ad0f69471ffcc", size = 9576878, upload-time = "2025-10-09T00:26:27.478Z" }, - { url = "https://files.pythonhosted.org/packages/33/cd/b145f9797126f3f809d177ca378de57c45413c5099c5990de2658760594a/matplotlib-3.10.7-cp311-cp311-win_amd64.whl", hash = "sha256:6516ce375109c60ceec579e699524e9d504cd7578506f01150f7a6bc174a775e", size = 8115142, upload-time = "2025-10-09T00:26:29.774Z" }, - { url = "https://files.pythonhosted.org/packages/2e/39/63bca9d2b78455ed497fcf51a9c71df200a11048f48249038f06447fa947/matplotlib-3.10.7-cp311-cp311-win_arm64.whl", hash = "sha256:b172db79759f5f9bc13ef1c3ef8b9ee7b37b0247f987fbbbdaa15e4f87fd46a9", size = 7992439, upload-time = "2025-10-09T00:26:40.32Z" }, - { url = "https://files.pythonhosted.org/packages/be/b3/09eb0f7796932826ec20c25b517d568627754f6c6462fca19e12c02f2e12/matplotlib-3.10.7-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:7a0edb7209e21840e8361e91ea84ea676658aa93edd5f8762793dec77a4a6748", size = 8272389, upload-time = "2025-10-09T00:26:42.474Z" }, - { url = "https://files.pythonhosted.org/packages/11/0b/1ae80ddafb8652fd8046cb5c8460ecc8d4afccb89e2c6d6bec61e04e1eaf/matplotlib-3.10.7-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:c380371d3c23e0eadf8ebff114445b9f970aff2010198d498d4ab4c3b41eea4f", size = 8128247, upload-time = "2025-10-09T00:26:44.77Z" }, - { url = "https://files.pythonhosted.org/packages/7d/18/95ae2e242d4a5c98bd6e90e36e128d71cf1c7e39b0874feaed3ef782e789/matplotlib-3.10.7-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:d5f256d49fea31f40f166a5e3131235a5d2f4b7f44520b1cf0baf1ce568ccff0", size = 8696996, upload-time = "2025-10-09T00:26:46.792Z" }, - { url = "https://files.pythonhosted.org/packages/7e/3d/5b559efc800bd05cb2033aa85f7e13af51958136a48327f7c261801ff90a/matplotlib-3.10.7-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:11ae579ac83cdf3fb72573bb89f70e0534de05266728740d478f0f818983c695", size = 9530153, upload-time = "2025-10-09T00:26:49.07Z" }, - { url = "https://files.pythonhosted.org/packages/88/57/eab4a719fd110312d3c220595d63a3c85ec2a39723f0f4e7fa7e6e3f74ba/matplotlib-3.10.7-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:4c14b6acd16cddc3569a2d515cfdd81c7a68ac5639b76548cfc1a9e48b20eb65", size = 9593093, upload-time = "2025-10-09T00:26:51.067Z" }, - { url = "https://files.pythonhosted.org/packages/31/3c/80816f027b3a4a28cd2a0a6ef7f89a2db22310e945cd886ec25bfb399221/matplotlib-3.10.7-cp312-cp312-win_amd64.whl", hash = "sha256:0d8c32b7ea6fb80b1aeff5a2ceb3fb9778e2759e899d9beff75584714afcc5ee", size = 8122771, upload-time = "2025-10-09T00:26:53.296Z" }, - { url = "https://files.pythonhosted.org/packages/de/77/ef1fc78bfe99999b2675435cc52120887191c566b25017d78beaabef7f2d/matplotlib-3.10.7-cp312-cp312-win_arm64.whl", hash = "sha256:5f3f6d315dcc176ba7ca6e74c7768fb7e4cf566c49cb143f6bc257b62e634ed8", size = 7992812, upload-time = "2025-10-09T00:26:54.882Z" }, - { url = "https://files.pythonhosted.org/packages/02/9c/207547916a02c78f6bdd83448d9b21afbc42f6379ed887ecf610984f3b4e/matplotlib-3.10.7-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:1d9d3713a237970569156cfb4de7533b7c4eacdd61789726f444f96a0d28f57f", size = 8273212, upload-time = "2025-10-09T00:26:56.752Z" }, - { url = "https://files.pythonhosted.org/packages/bc/d0/b3d3338d467d3fc937f0bb7f256711395cae6f78e22cef0656159950adf0/matplotlib-3.10.7-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:37a1fea41153dd6ee061d21ab69c9cf2cf543160b1b85d89cd3d2e2a7902ca4c", size = 8128713, upload-time = "2025-10-09T00:26:59.001Z" }, - { url = "https://files.pythonhosted.org/packages/22/ff/6425bf5c20d79aa5b959d1ce9e65f599632345391381c9a104133fe0b171/matplotlib-3.10.7-cp313-cp313-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:b3c4ea4948d93c9c29dc01c0c23eef66f2101bf75158c291b88de6525c55c3d1", size = 8698527, upload-time = "2025-10-09T00:27:00.69Z" }, - { url = "https://files.pythonhosted.org/packages/d0/7f/ccdca06f4c2e6c7989270ed7829b8679466682f4cfc0f8c9986241c023b6/matplotlib-3.10.7-cp313-cp313-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:22df30ffaa89f6643206cf13877191c63a50e8f800b038bc39bee9d2d4957632", size = 9529690, upload-time = "2025-10-09T00:27:02.664Z" }, - { url = "https://files.pythonhosted.org/packages/b8/95/b80fc2c1f269f21ff3d193ca697358e24408c33ce2b106a7438a45407b63/matplotlib-3.10.7-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:b69676845a0a66f9da30e87f48be36734d6748024b525ec4710be40194282c84", size = 9593732, upload-time = "2025-10-09T00:27:04.653Z" }, - { url = "https://files.pythonhosted.org/packages/e1/b6/23064a96308b9aeceeffa65e96bcde459a2ea4934d311dee20afde7407a0/matplotlib-3.10.7-cp313-cp313-win_amd64.whl", hash = "sha256:744991e0cc863dd669c8dc9136ca4e6e0082be2070b9d793cbd64bec872a6815", size = 8122727, upload-time = "2025-10-09T00:27:06.814Z" }, - { url = "https://files.pythonhosted.org/packages/b3/a6/2faaf48133b82cf3607759027f82b5c702aa99cdfcefb7f93d6ccf26a424/matplotlib-3.10.7-cp313-cp313-win_arm64.whl", hash = "sha256:fba2974df0bf8ce3c995fa84b79cde38326e0f7b5409e7a3a481c1141340bcf7", size = 7992958, upload-time = "2025-10-09T00:27:08.567Z" }, - { url = "https://files.pythonhosted.org/packages/4a/f0/b018fed0b599bd48d84c08794cb242227fe3341952da102ee9d9682db574/matplotlib-3.10.7-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:932c55d1fa7af4423422cb6a492a31cbcbdbe68fd1a9a3f545aa5e7a143b5355", size = 8316849, upload-time = "2025-10-09T00:27:10.254Z" }, - { url = "https://files.pythonhosted.org/packages/b0/b7/bb4f23856197659f275e11a2a164e36e65e9b48ea3e93c4ec25b4f163198/matplotlib-3.10.7-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:5e38c2d581d62ee729a6e144c47a71b3f42fb4187508dbbf4fe71d5612c3433b", size = 8178225, upload-time = "2025-10-09T00:27:12.241Z" }, - { url = "https://files.pythonhosted.org/packages/62/56/0600609893ff277e6f3ab3c0cef4eafa6e61006c058e84286c467223d4d5/matplotlib-3.10.7-cp313-cp313t-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:786656bb13c237bbcebcd402f65f44dd61ead60ee3deb045af429d889c8dbc67", size = 8711708, upload-time = "2025-10-09T00:27:13.879Z" }, - { url = "https://files.pythonhosted.org/packages/d8/1a/6bfecb0cafe94d6658f2f1af22c43b76cf7a1c2f0dc34ef84cbb6809617e/matplotlib-3.10.7-cp313-cp313t-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:09d7945a70ea43bf9248f4b6582734c2fe726723204a76eca233f24cffc7ef67", size = 9541409, upload-time = "2025-10-09T00:27:15.684Z" }, - { url = "https://files.pythonhosted.org/packages/08/50/95122a407d7f2e446fd865e2388a232a23f2b81934960ea802f3171518e4/matplotlib-3.10.7-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:d0b181e9fa8daf1d9f2d4c547527b167cb8838fc587deabca7b5c01f97199e84", size = 9594054, upload-time = "2025-10-09T00:27:17.547Z" }, - { url = "https://files.pythonhosted.org/packages/13/76/75b194a43b81583478a81e78a07da8d9ca6ddf50dd0a2ccabf258059481d/matplotlib-3.10.7-cp313-cp313t-win_amd64.whl", hash = "sha256:31963603041634ce1a96053047b40961f7a29eb8f9a62e80cc2c0427aa1d22a2", size = 8200100, upload-time = "2025-10-09T00:27:20.039Z" }, - { url = "https://files.pythonhosted.org/packages/f5/9e/6aefebdc9f8235c12bdeeda44cc0383d89c1e41da2c400caf3ee2073a3ce/matplotlib-3.10.7-cp313-cp313t-win_arm64.whl", hash = "sha256:aebed7b50aa6ac698c90f60f854b47e48cd2252b30510e7a1feddaf5a3f72cbf", size = 8042131, upload-time = "2025-10-09T00:27:21.608Z" }, - { url = "https://files.pythonhosted.org/packages/0d/4b/e5bc2c321b6a7e3a75638d937d19ea267c34bd5a90e12bee76c4d7c7a0d9/matplotlib-3.10.7-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:d883460c43e8c6b173fef244a2341f7f7c0e9725c7fe68306e8e44ed9c8fb100", size = 8273787, upload-time = "2025-10-09T00:27:23.27Z" }, - { url = "https://files.pythonhosted.org/packages/86/ad/6efae459c56c2fbc404da154e13e3a6039129f3c942b0152624f1c621f05/matplotlib-3.10.7-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:07124afcf7a6504eafcb8ce94091c5898bbdd351519a1beb5c45f7a38c67e77f", size = 8131348, upload-time = "2025-10-09T00:27:24.926Z" }, - { url = "https://files.pythonhosted.org/packages/a6/5a/a4284d2958dee4116359cc05d7e19c057e64ece1b4ac986ab0f2f4d52d5a/matplotlib-3.10.7-cp314-cp314-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:c17398b709a6cce3d9fdb1595c33e356d91c098cd9486cb2cc21ea2ea418e715", size = 9533949, upload-time = "2025-10-09T00:27:26.704Z" }, - { url = "https://files.pythonhosted.org/packages/de/ff/f3781b5057fa3786623ad8976fc9f7b0d02b2f28534751fd5a44240de4cf/matplotlib-3.10.7-cp314-cp314-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:7146d64f561498764561e9cd0ed64fcf582e570fc519e6f521e2d0cfd43365e1", size = 9804247, upload-time = "2025-10-09T00:27:28.514Z" }, - { url = "https://files.pythonhosted.org/packages/47/5a/993a59facb8444efb0e197bf55f545ee449902dcee86a4dfc580c3b61314/matplotlib-3.10.7-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:90ad854c0a435da3104c01e2c6f0028d7e719b690998a2333d7218db80950722", size = 9595497, upload-time = "2025-10-09T00:27:30.418Z" }, - { url = "https://files.pythonhosted.org/packages/0d/a5/77c95aaa9bb32c345cbb49626ad8eb15550cba2e6d4c88081a6c2ac7b08d/matplotlib-3.10.7-cp314-cp314-win_amd64.whl", hash = "sha256:4645fc5d9d20ffa3a39361fcdbcec731382763b623b72627806bf251b6388866", size = 8252732, upload-time = "2025-10-09T00:27:32.332Z" }, - { url = "https://files.pythonhosted.org/packages/74/04/45d269b4268d222390d7817dae77b159651909669a34ee9fdee336db5883/matplotlib-3.10.7-cp314-cp314-win_arm64.whl", hash = "sha256:9257be2f2a03415f9105c486d304a321168e61ad450f6153d77c69504ad764bb", size = 8124240, upload-time = "2025-10-09T00:27:33.94Z" }, - { url = "https://files.pythonhosted.org/packages/4b/c7/ca01c607bb827158b439208c153d6f14ddb9fb640768f06f7ca3488ae67b/matplotlib-3.10.7-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:1e4bbad66c177a8fdfa53972e5ef8be72a5f27e6a607cec0d8579abd0f3102b1", size = 8316938, upload-time = "2025-10-09T00:27:35.534Z" }, - { url = "https://files.pythonhosted.org/packages/84/d2/5539e66e9f56d2fdec94bb8436f5e449683b4e199bcc897c44fbe3c99e28/matplotlib-3.10.7-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:d8eb7194b084b12feb19142262165832fc6ee879b945491d1c3d4660748020c4", size = 8178245, upload-time = "2025-10-09T00:27:37.334Z" }, - { url = "https://files.pythonhosted.org/packages/77/b5/e6ca22901fd3e4fe433a82e583436dd872f6c966fca7e63cf806b40356f8/matplotlib-3.10.7-cp314-cp314t-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:b4d41379b05528091f00e1728004f9a8d7191260f3862178b88e8fd770206318", size = 9541411, upload-time = "2025-10-09T00:27:39.387Z" }, - { url = "https://files.pythonhosted.org/packages/9e/99/a4524db57cad8fee54b7237239a8f8360bfcfa3170d37c9e71c090c0f409/matplotlib-3.10.7-cp314-cp314t-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:4a74f79fafb2e177f240579bc83f0b60f82cc47d2f1d260f422a0627207008ca", size = 9803664, upload-time = "2025-10-09T00:27:41.492Z" }, - { url = "https://files.pythonhosted.org/packages/e6/a5/85e2edf76ea0ad4288d174926d9454ea85f3ce5390cc4e6fab196cbf250b/matplotlib-3.10.7-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:702590829c30aada1e8cef0568ddbffa77ca747b4d6e36c6d173f66e301f89cc", size = 9594066, upload-time = "2025-10-09T00:27:43.694Z" }, - { url = "https://files.pythonhosted.org/packages/39/69/9684368a314f6d83fe5c5ad2a4121a3a8e03723d2e5c8ea17b66c1bad0e7/matplotlib-3.10.7-cp314-cp314t-win_amd64.whl", hash = "sha256:f79d5de970fc90cd5591f60053aecfce1fcd736e0303d9f0bf86be649fa68fb8", size = 8342832, upload-time = "2025-10-09T00:27:45.543Z" }, - { url = "https://files.pythonhosted.org/packages/04/5f/e22e08da14bc1a0894184640d47819d2338b792732e20d292bf86e5ab785/matplotlib-3.10.7-cp314-cp314t-win_arm64.whl", hash = "sha256:cb783436e47fcf82064baca52ce748af71725d0352e1d31564cbe9c95df92b9c", size = 8172585, upload-time = "2025-10-09T00:27:47.185Z" }, - { url = "https://files.pythonhosted.org/packages/1e/6c/a9bcf03e9afb2a873e0a5855f79bce476d1023f26f8212969f2b7504756c/matplotlib-3.10.7-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:5c09cf8f2793f81368f49f118b6f9f937456362bee282eac575cca7f84cda537", size = 8241204, upload-time = "2025-10-09T00:27:48.806Z" }, - { url = "https://files.pythonhosted.org/packages/5b/fd/0e6f5aa762ed689d9fa8750b08f1932628ffa7ed30e76423c399d19407d2/matplotlib-3.10.7-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:de66744b2bb88d5cd27e80dfc2ec9f0517d0a46d204ff98fe9e5f2864eb67657", size = 8104607, upload-time = "2025-10-09T00:27:50.876Z" }, - { url = "https://files.pythonhosted.org/packages/b9/a9/21c9439d698fac5f0de8fc68b2405b738ed1f00e1279c76f2d9aa5521ead/matplotlib-3.10.7-pp310-pypy310_pp73-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:53cc80662dd197ece414dd5b66e07370201515a3eaf52e7c518c68c16814773b", size = 8682257, upload-time = "2025-10-09T00:27:52.597Z" }, - { url = "https://files.pythonhosted.org/packages/58/8f/76d5dc21ac64a49e5498d7f0472c0781dae442dd266a67458baec38288ec/matplotlib-3.10.7-pp311-pypy311_pp73-macosx_10_15_x86_64.whl", hash = "sha256:15112bcbaef211bd663fa935ec33313b948e214454d949b723998a43357b17b0", size = 8252283, upload-time = "2025-10-09T00:27:54.739Z" }, - { url = "https://files.pythonhosted.org/packages/27/0d/9c5d4c2317feb31d819e38c9f947c942f42ebd4eb935fc6fd3518a11eaa7/matplotlib-3.10.7-pp311-pypy311_pp73-macosx_11_0_arm64.whl", hash = "sha256:d2a959c640cdeecdd2ec3136e8ea0441da59bcaf58d67e9c590740addba2cb68", size = 8116733, upload-time = "2025-10-09T00:27:56.406Z" }, - { url = "https://files.pythonhosted.org/packages/9a/cc/3fe688ff1355010937713164caacf9ed443675ac48a997bab6ed23b3f7c0/matplotlib-3.10.7-pp311-pypy311_pp73-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:3886e47f64611046bc1db523a09dd0a0a6bed6081e6f90e13806dd1d1d1b5e91", size = 8693919, upload-time = "2025-10-09T00:27:58.41Z" }, -] - -[[package]] -name = "matplotlib-inline" -version = "0.2.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "traitlets" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/c7/74/97e72a36efd4ae2bccb3463284300f8953f199b5ffbc04cbbb0ec78f74b1/matplotlib_inline-0.2.1.tar.gz", hash = "sha256:e1ee949c340d771fc39e241ea75683deb94762c8fa5f2927ec57c83c4dffa9fe", size = 8110, upload-time = "2025-10-23T09:00:22.126Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/af/33/ee4519fa02ed11a94aef9559552f3b17bb863f2ecfe1a35dc7f548cde231/matplotlib_inline-0.2.1-py3-none-any.whl", hash = "sha256:d56ce5156ba6085e00a9d54fead6ed29a9c47e215cd1bba2e976ef39f5710a76", size = 9516, upload-time = "2025-10-23T09:00:20.675Z" }, -] - -[[package]] -name = "mdit-py-plugins" -version = "0.5.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "markdown-it-py" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/b2/fd/a756d36c0bfba5f6e39a1cdbdbfdd448dc02692467d83816dff4592a1ebc/mdit_py_plugins-0.5.0.tar.gz", hash = "sha256:f4918cb50119f50446560513a8e311d574ff6aaed72606ddae6d35716fe809c6", size = 44655, upload-time = "2025-08-11T07:25:49.083Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/fb/86/dd6e5db36df29e76c7a7699123569a4a18c1623ce68d826ed96c62643cae/mdit_py_plugins-0.5.0-py3-none-any.whl", hash = "sha256:07a08422fc1936a5d26d146759e9155ea466e842f5ab2f7d2266dd084c8dab1f", size = 57205, upload-time = "2025-08-11T07:25:47.597Z" }, -] - -[[package]] -name = "mdurl" -version = "0.1.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/d6/54/cfe61301667036ec958cb99bd3efefba235e65cdeb9c84d24a8293ba1d90/mdurl-0.1.2.tar.gz", hash = "sha256:bb413d29f5eea38f31dd4754dd7377d4465116fb207585f97bf925588687c1ba", size = 8729, upload-time = "2022-08-14T12:40:10.846Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/b3/38/89ba8ad64ae25be8de66a6d463314cf1eb366222074cfda9ee839c56a4b4/mdurl-0.1.2-py3-none-any.whl", hash = "sha256:84008a41e51615a49fc9966191ff91509e3c40b939176e643fd50a5c2196b8f8", size = 9979, upload-time = "2022-08-14T12:40:09.779Z" }, -] - -[[package]] -name = "mistune" -version = "3.1.4" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "typing-extensions", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/d7/02/a7fb8b21d4d55ac93cdcde9d3638da5dd0ebdd3a4fed76c7725e10b81cbe/mistune-3.1.4.tar.gz", hash = "sha256:b5a7f801d389f724ec702840c11d8fc48f2b33519102fc7ee739e8177b672164", size = 94588, upload-time = "2025-08-29T07:20:43.594Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/7a/f0/8282d9641415e9e33df173516226b404d367a0fc55e1a60424a152913abc/mistune-3.1.4-py3-none-any.whl", hash = "sha256:93691da911e5d9d2e23bc54472892aff676df27a75274962ff9edc210364266d", size = 53481, upload-time = "2025-08-29T07:20:42.218Z" }, -] - -[[package]] -name = "mkl" -version = "2025.1.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "intel-openmp", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "tbb", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/a8/9a/97f134eaed418266751410793104782052e66c2002eaaf557f55afa72414/mkl-2025.1.0-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:1c201bc314304760d995a2b5cc7df9175afba2d3eb7aa70c4917ebe35c2f48de", size = 186817693, upload-time = "2025-03-21T15:23:24.393Z" }, - { url = "https://files.pythonhosted.org/packages/20/01/34d98bfa40019e5ce3731efe1a25da4f5dd6d25090b143916b866a877733/mkl-2025.1.0-py2.py3-none-win_amd64.whl", hash = "sha256:6f459efc394360675efa78c9e9e6fdfa2883f1c730b0323bca414e8df47d4598", size = 151134738, upload-time = "2025-03-21T15:25:33.053Z" }, -] - -[[package]] -name = "ml-dtypes" -version = "0.5.3" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "numpy" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/78/a7/aad060393123cfb383956dca68402aff3db1e1caffd5764887ed5153f41b/ml_dtypes-0.5.3.tar.gz", hash = "sha256:95ce33057ba4d05df50b1f3cfefab22e351868a843b3b15a46c65836283670c9", size = 692316, upload-time = "2025-07-29T18:39:19.454Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ac/bb/1f32124ab6d3a279ea39202fe098aea95b2d81ef0ce1d48612b6bf715e82/ml_dtypes-0.5.3-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:0a1d68a7cb53e3f640b2b6a34d12c0542da3dd935e560fdf463c0c77f339fc20", size = 667409, upload-time = "2025-07-29T18:38:17.321Z" }, - { url = "https://files.pythonhosted.org/packages/1d/ac/e002d12ae19136e25bb41c7d14d7e1a1b08f3c0e99a44455ff6339796507/ml_dtypes-0.5.3-cp310-cp310-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:0cd5a6c711b5350f3cbc2ac28def81cd1c580075ccb7955e61e9d8f4bfd40d24", size = 4960702, upload-time = "2025-07-29T18:38:19.616Z" }, - { url = "https://files.pythonhosted.org/packages/dd/12/79e9954e6b3255a4b1becb191a922d6e2e94d03d16a06341ae9261963ae8/ml_dtypes-0.5.3-cp310-cp310-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:bdcf26c2dbc926b8a35ec8cbfad7eff1a8bd8239e12478caca83a1fc2c400dc2", size = 4933471, upload-time = "2025-07-29T18:38:21.809Z" }, - { url = "https://files.pythonhosted.org/packages/d5/aa/d1eff619e83cd1ddf6b561d8240063d978e5d887d1861ba09ef01778ec3a/ml_dtypes-0.5.3-cp310-cp310-win_amd64.whl", hash = "sha256:aecbd7c5272c82e54d5b99d8435fd10915d1bc704b7df15e4d9ca8dc3902be61", size = 206330, upload-time = "2025-07-29T18:38:23.663Z" }, - { url = "https://files.pythonhosted.org/packages/af/f1/720cb1409b5d0c05cff9040c0e9fba73fa4c67897d33babf905d5d46a070/ml_dtypes-0.5.3-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:4a177b882667c69422402df6ed5c3428ce07ac2c1f844d8a1314944651439458", size = 667412, upload-time = "2025-07-29T18:38:25.275Z" }, - { url = "https://files.pythonhosted.org/packages/6a/d5/05861ede5d299f6599f86e6bc1291714e2116d96df003cfe23cc54bcc568/ml_dtypes-0.5.3-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:9849ce7267444c0a717c80c6900997de4f36e2815ce34ac560a3edb2d9a64cd2", size = 4964606, upload-time = "2025-07-29T18:38:27.045Z" }, - { url = "https://files.pythonhosted.org/packages/db/dc/72992b68de367741bfab8df3b3fe7c29f982b7279d341aa5bf3e7ef737ea/ml_dtypes-0.5.3-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:c3f5ae0309d9f888fd825c2e9d0241102fadaca81d888f26f845bc8c13c1e4ee", size = 4938435, upload-time = "2025-07-29T18:38:29.193Z" }, - { url = "https://files.pythonhosted.org/packages/81/1c/d27a930bca31fb07d975a2d7eaf3404f9388114463b9f15032813c98f893/ml_dtypes-0.5.3-cp311-cp311-win_amd64.whl", hash = "sha256:58e39349d820b5702bb6f94ea0cb2dc8ec62ee81c0267d9622067d8333596a46", size = 206334, upload-time = "2025-07-29T18:38:30.687Z" }, - { url = "https://files.pythonhosted.org/packages/1a/d8/6922499effa616012cb8dc445280f66d100a7ff39b35c864cfca019b3f89/ml_dtypes-0.5.3-cp311-cp311-win_arm64.whl", hash = "sha256:66c2756ae6cfd7f5224e355c893cfd617fa2f747b8bbd8996152cbdebad9a184", size = 157584, upload-time = "2025-07-29T18:38:32.187Z" }, - { url = "https://files.pythonhosted.org/packages/0d/eb/bc07c88a6ab002b4635e44585d80fa0b350603f11a2097c9d1bfacc03357/ml_dtypes-0.5.3-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:156418abeeda48ea4797db6776db3c5bdab9ac7be197c1233771e0880c304057", size = 663864, upload-time = "2025-07-29T18:38:33.777Z" }, - { url = "https://files.pythonhosted.org/packages/cf/89/11af9b0f21b99e6386b6581ab40fb38d03225f9de5f55cf52097047e2826/ml_dtypes-0.5.3-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:1db60c154989af253f6c4a34e8a540c2c9dce4d770784d426945e09908fbb177", size = 4951313, upload-time = "2025-07-29T18:38:36.45Z" }, - { url = "https://files.pythonhosted.org/packages/d8/a9/b98b86426c24900b0c754aad006dce2863df7ce0bb2bcc2c02f9cc7e8489/ml_dtypes-0.5.3-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:1b255acada256d1fa8c35ed07b5f6d18bc21d1556f842fbc2d5718aea2cd9e55", size = 4928805, upload-time = "2025-07-29T18:38:38.29Z" }, - { url = "https://files.pythonhosted.org/packages/50/c1/85e6be4fc09c6175f36fb05a45917837f30af9a5146a5151cb3a3f0f9e09/ml_dtypes-0.5.3-cp312-cp312-win_amd64.whl", hash = "sha256:da65e5fd3eea434ccb8984c3624bc234ddcc0d9f4c81864af611aaebcc08a50e", size = 208182, upload-time = "2025-07-29T18:38:39.72Z" }, - { url = "https://files.pythonhosted.org/packages/9e/17/cf5326d6867be057f232d0610de1458f70a8ce7b6290e4b4a277ea62b4cd/ml_dtypes-0.5.3-cp312-cp312-win_arm64.whl", hash = "sha256:8bb9cd1ce63096567f5f42851f5843b5a0ea11511e50039a7649619abfb4ba6d", size = 161560, upload-time = "2025-07-29T18:38:41.072Z" }, - { url = "https://files.pythonhosted.org/packages/2d/87/1bcc98a66de7b2455dfb292f271452cac9edc4e870796e0d87033524d790/ml_dtypes-0.5.3-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:5103856a225465371fe119f2fef737402b705b810bd95ad5f348e6e1a6ae21af", size = 663781, upload-time = "2025-07-29T18:38:42.984Z" }, - { url = "https://files.pythonhosted.org/packages/fd/2c/bd2a79ba7c759ee192b5601b675b180a3fd6ccf48ffa27fe1782d280f1a7/ml_dtypes-0.5.3-cp313-cp313-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:4cae435a68861660af81fa3c5af16b70ca11a17275c5b662d9c6f58294e0f113", size = 4956217, upload-time = "2025-07-29T18:38:44.65Z" }, - { url = "https://files.pythonhosted.org/packages/14/f3/091ba84e5395d7fe5b30c081a44dec881cd84b408db1763ee50768b2ab63/ml_dtypes-0.5.3-cp313-cp313-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:6936283b56d74fbec431ca57ce58a90a908fdbd14d4e2d22eea6d72bb208a7b7", size = 4933109, upload-time = "2025-07-29T18:38:46.405Z" }, - { url = "https://files.pythonhosted.org/packages/bc/24/054036dbe32c43295382c90a1363241684c4d6aaa1ecc3df26bd0c8d5053/ml_dtypes-0.5.3-cp313-cp313-win_amd64.whl", hash = "sha256:d0f730a17cf4f343b2c7ad50cee3bd19e969e793d2be6ed911f43086460096e4", size = 208187, upload-time = "2025-07-29T18:38:48.24Z" }, - { url = "https://files.pythonhosted.org/packages/a6/3d/7dc3ec6794a4a9004c765e0c341e32355840b698f73fd2daff46f128afc1/ml_dtypes-0.5.3-cp313-cp313-win_arm64.whl", hash = "sha256:2db74788fc01914a3c7f7da0763427280adfc9cd377e9604b6b64eb8097284bd", size = 161559, upload-time = "2025-07-29T18:38:50.493Z" }, - { url = "https://files.pythonhosted.org/packages/12/91/e6c7a0d67a152b9330445f9f0cf8ae6eee9b83f990b8c57fe74631e42a90/ml_dtypes-0.5.3-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:93c36a08a6d158db44f2eb9ce3258e53f24a9a4a695325a689494f0fdbc71770", size = 689321, upload-time = "2025-07-29T18:38:52.03Z" }, - { url = "https://files.pythonhosted.org/packages/9e/6c/b7b94b84a104a5be1883305b87d4c6bd6ae781504474b4cca067cb2340ec/ml_dtypes-0.5.3-cp313-cp313t-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:0e44a3761f64bc009d71ddb6d6c71008ba21b53ab6ee588dadab65e2fa79eafc", size = 5274495, upload-time = "2025-07-29T18:38:53.797Z" }, - { url = "https://files.pythonhosted.org/packages/5b/38/6266604dffb43378055394ea110570cf261a49876fc48f548dfe876f34cc/ml_dtypes-0.5.3-cp313-cp313t-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:bdf40d2aaabd3913dec11840f0d0ebb1b93134f99af6a0a4fd88ffe924928ab4", size = 5285422, upload-time = "2025-07-29T18:38:56.603Z" }, - { url = "https://files.pythonhosted.org/packages/7c/88/8612ff177d043a474b9408f0382605d881eeb4125ba89d4d4b3286573a83/ml_dtypes-0.5.3-cp314-cp314-macosx_10_13_universal2.whl", hash = "sha256:aec640bd94c4c85c0d11e2733bd13cbb10438fb004852996ec0efbc6cacdaf70", size = 661182, upload-time = "2025-07-29T18:38:58.414Z" }, - { url = "https://files.pythonhosted.org/packages/6f/2b/0569a5e88b29240d373e835107c94ae9256fb2191d3156b43b2601859eff/ml_dtypes-0.5.3-cp314-cp314-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:bda32ce212baa724e03c68771e5c69f39e584ea426bfe1a701cb01508ffc7035", size = 4956187, upload-time = "2025-07-29T18:39:00.611Z" }, - { url = "https://files.pythonhosted.org/packages/51/66/273c2a06ae44562b104b61e6b14444da00061fd87652506579d7eb2c40b1/ml_dtypes-0.5.3-cp314-cp314-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:c205cac07d24a29840c163d6469f61069ce4b065518519216297fc2f261f8db9", size = 4930911, upload-time = "2025-07-29T18:39:02.405Z" }, - { url = "https://files.pythonhosted.org/packages/93/ab/606be3e87dc0821bd360c8c1ee46108025c31a4f96942b63907bb441b87d/ml_dtypes-0.5.3-cp314-cp314-win_amd64.whl", hash = "sha256:cd7c0bb22d4ff86d65ad61b5dd246812e8993fbc95b558553624c33e8b6903ea", size = 216664, upload-time = "2025-07-29T18:39:03.927Z" }, - { url = "https://files.pythonhosted.org/packages/30/a2/e900690ca47d01dffffd66375c5de8c4f8ced0f1ef809ccd3b25b3e6b8fa/ml_dtypes-0.5.3-cp314-cp314-win_arm64.whl", hash = "sha256:9d55ea7f7baf2aed61bf1872116cefc9d0c3693b45cae3916897ee27ef4b835e", size = 160203, upload-time = "2025-07-29T18:39:05.671Z" }, - { url = "https://files.pythonhosted.org/packages/53/21/783dfb51f40d2660afeb9bccf3612b99f6a803d980d2a09132b0f9d216ab/ml_dtypes-0.5.3-cp314-cp314t-macosx_10_13_universal2.whl", hash = "sha256:e12e29764a0e66a7a31e9b8bf1de5cc0423ea72979f45909acd4292de834ccd3", size = 689324, upload-time = "2025-07-29T18:39:07.567Z" }, - { url = "https://files.pythonhosted.org/packages/09/f7/a82d249c711abf411ac027b7163f285487f5e615c3e0716c61033ce996ab/ml_dtypes-0.5.3-cp314-cp314t-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:19f6c3a4f635c2fc9e2aa7d91416bd7a3d649b48350c51f7f715a09370a90d93", size = 5275917, upload-time = "2025-07-29T18:39:09.339Z" }, - { url = "https://files.pythonhosted.org/packages/7f/3c/541c4b30815ab90ebfbb51df15d0b4254f2f9f1e2b4907ab229300d5e6f2/ml_dtypes-0.5.3-cp314-cp314t-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:5ab039ffb40f3dc0aeeeba84fd6c3452781b5e15bef72e2d10bcb33e4bbffc39", size = 5285284, upload-time = "2025-07-29T18:39:11.532Z" }, -] - -[[package]] -name = "mlflow" -version = "3.5.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "alembic" }, - { name = "cryptography" }, - { name = "docker" }, - { name = "flask" }, - { name = "flask-cors" }, - { name = "graphene" }, - { name = "gunicorn", marker = "sys_platform != 'win32' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "matplotlib" }, - { name = "mlflow-skinny" }, - { name = "mlflow-tracing" }, - { name = "numpy" }, - { name = "pandas" }, - { name = "pyarrow" }, - { name = "scikit-learn" }, - { name = "scipy", version = "1.15.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "scipy", version = "1.16.2", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sqlalchemy" }, - { name = "waitress", marker = "sys_platform == 'win32' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/64/7e/516ba65bfa6f5857904ce18bcb738234004663dae1197cee082d48f1ad29/mlflow-3.5.1.tar.gz", hash = "sha256:32630f2aaadeb6dc6ccbde56247a1500518b38d0a7cc12f714be1703b6ee3ea1", size = 8300179, upload-time = "2025-10-22T18:11:47.263Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/98/e1/33cf2596dfbdfe49c2a4696e4321a90e835faeb46e590980461d1d4ef811/mlflow-3.5.1-py3-none-any.whl", hash = "sha256:ebbf5fef59787161a15f2878f210877a62d54d943ad6cea140621687b2393f85", size = 8773271, upload-time = "2025-10-22T18:11:44.6Z" }, -] - -[[package]] -name = "mlflow-skinny" -version = "3.5.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "cachetools" }, - { name = "click" }, - { name = "cloudpickle" }, - { name = "databricks-sdk" }, - { name = "fastapi" }, - { name = "gitpython" }, - { name = "importlib-metadata" }, - { name = "opentelemetry-api" }, - { name = "opentelemetry-proto" }, - { name = "opentelemetry-sdk" }, - { name = "packaging" }, - { name = "protobuf" }, - { name = "pydantic" }, - { name = "python-dotenv" }, - { name = "pyyaml" }, - { name = "requests" }, - { name = "sqlparse" }, - { name = "typing-extensions" }, - { name = "uvicorn" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/fb/1a/ede3fb7a4085bf640e2842c0a4d3d95ef665b21e6d0e92cfb7867ba58ef7/mlflow_skinny-3.5.1.tar.gz", hash = "sha256:4358a5489221cdecf53cf045e10df28919dedb9489965434ce3445f7cbabf365", size = 1927869, upload-time = "2025-10-22T17:58:41.623Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/b4/88/75690e7cdc6fe56374e24178055bb2a7385e1e29c51a8cbb2fb747892af1/mlflow_skinny-3.5.1-py3-none-any.whl", hash = "sha256:e5f96977d21a093a3ffda789bee90070855dbfe1b9d0703c0c3e34d2f8d7fba8", size = 2314304, upload-time = "2025-10-22T17:58:39.526Z" }, -] - -[[package]] -name = "mlflow-tracing" -version = "3.5.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "cachetools" }, - { name = "databricks-sdk" }, - { name = "opentelemetry-api" }, - { name = "opentelemetry-proto" }, - { name = "opentelemetry-sdk" }, - { name = "packaging" }, - { name = "protobuf" }, - { name = "pydantic" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/18/38/ade11b09edfee133078015656aec8a3854f1a6ed1bd6e6d9af333fcdaaf9/mlflow_tracing-3.5.1.tar.gz", hash = "sha256:bca266b1871692ae2ec812ed177cdc108ccef1cb3fb82725a8b959ec98d5fba0", size = 1056089, upload-time = "2025-10-22T17:56:12.047Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/29/7f/99006f6c261ef694363e8599ad858c223aa9918231e8bd7a1569041967ac/mlflow_tracing-3.5.1-py3-none-any.whl", hash = "sha256:4fd685347158e0d2c48f5bec3d15ecfc6fadc1dbb48073cb220ded438408fa65", size = 1273904, upload-time = "2025-10-22T17:56:10.748Z" }, -] - -[[package]] -name = "mpmath" -version = "1.3.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/e0/47/dd32fa426cc72114383ac549964eecb20ecfd886d1e5ccf5340b55b02f57/mpmath-1.3.0.tar.gz", hash = "sha256:7a28eb2a9774d00c7bc92411c19a89209d5da7c4c9a9e227be8330a23a25b91f", size = 508106, upload-time = "2023-03-07T16:47:11.061Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/43/e3/7d92a15f894aa0c9c4b49b8ee9ac9850d6e63b03c9c32c0367a13ae62209/mpmath-1.3.0-py3-none-any.whl", hash = "sha256:a0b2b9fe80bbcd81a6647ff13108738cfb482d481d826cc0e02f5b35e5c88d2c", size = 536198, upload-time = "2023-03-07T16:47:09.197Z" }, -] - -[[package]] -name = "multidict" -version = "6.7.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "typing-extensions", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/80/1e/5492c365f222f907de1039b91f922b93fa4f764c713ee858d235495d8f50/multidict-6.7.0.tar.gz", hash = "sha256:c6e99d9a65ca282e578dfea819cfa9c0a62b2499d8677392e09feaf305e9e6f5", size = 101834, upload-time = "2025-10-06T14:52:30.657Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/a9/63/7bdd4adc330abcca54c85728db2327130e49e52e8c3ce685cec44e0f2e9f/multidict-6.7.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:9f474ad5acda359c8758c8accc22032c6abe6dc87a8be2440d097785e27a9349", size = 77153, upload-time = "2025-10-06T14:48:26.409Z" }, - { url = "https://files.pythonhosted.org/packages/3f/bb/b6c35ff175ed1a3142222b78455ee31be71a8396ed3ab5280fbe3ebe4e85/multidict-6.7.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:4b7a9db5a870f780220e931d0002bbfd88fb53aceb6293251e2c839415c1b20e", size = 44993, upload-time = "2025-10-06T14:48:28.4Z" }, - { url = "https://files.pythonhosted.org/packages/e0/1f/064c77877c5fa6df6d346e68075c0f6998547afe952d6471b4c5f6a7345d/multidict-6.7.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:03ca744319864e92721195fa28c7a3b2bc7b686246b35e4078c1e4d0eb5466d3", size = 44607, upload-time = "2025-10-06T14:48:29.581Z" }, - { url = "https://files.pythonhosted.org/packages/04/7a/bf6aa92065dd47f287690000b3d7d332edfccb2277634cadf6a810463c6a/multidict-6.7.0-cp310-cp310-manylinux1_i686.manylinux_2_28_i686.manylinux_2_5_i686.whl", hash = "sha256:f0e77e3c0008bc9316e662624535b88d360c3a5d3f81e15cf12c139a75250046", size = 241847, upload-time = "2025-10-06T14:48:32.107Z" }, - { url = "https://files.pythonhosted.org/packages/94/39/297a8de920f76eda343e4ce05f3b489f0ab3f9504f2576dfb37b7c08ca08/multidict-6.7.0-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:08325c9e5367aa379a3496aa9a022fe8837ff22e00b94db256d3a1378c76ab32", size = 242616, upload-time = "2025-10-06T14:48:34.054Z" }, - { url = "https://files.pythonhosted.org/packages/39/3a/d0eee2898cfd9d654aea6cb8c4addc2f9756e9a7e09391cfe55541f917f7/multidict-6.7.0-cp310-cp310-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:e2862408c99f84aa571ab462d25236ef9cb12a602ea959ba9c9009a54902fc73", size = 222333, upload-time = "2025-10-06T14:48:35.9Z" }, - { url = "https://files.pythonhosted.org/packages/05/48/3b328851193c7a4240815b71eea165b49248867bbb6153a0aee227a0bb47/multidict-6.7.0-cp310-cp310-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:4d72a9a2d885f5c208b0cb91ff2ed43636bb7e345ec839ff64708e04f69a13cc", size = 253239, upload-time = "2025-10-06T14:48:37.302Z" }, - { url = "https://files.pythonhosted.org/packages/b1/ca/0706a98c8d126a89245413225ca4a3fefc8435014de309cf8b30acb68841/multidict-6.7.0-cp310-cp310-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:478cc36476687bac1514d651cbbaa94b86b0732fb6855c60c673794c7dd2da62", size = 251618, upload-time = "2025-10-06T14:48:38.963Z" }, - { url = "https://files.pythonhosted.org/packages/5e/4f/9c7992f245554d8b173f6f0a048ad24b3e645d883f096857ec2c0822b8bd/multidict-6.7.0-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:6843b28b0364dc605f21481c90fadb5f60d9123b442eb8a726bb74feef588a84", size = 241655, upload-time = "2025-10-06T14:48:40.312Z" }, - { url = "https://files.pythonhosted.org/packages/31/79/26a85991ae67efd1c0b1fc2e0c275b8a6aceeb155a68861f63f87a798f16/multidict-6.7.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:23bfeee5316266e5ee2d625df2d2c602b829435fc3a235c2ba2131495706e4a0", size = 239245, upload-time = "2025-10-06T14:48:41.848Z" }, - { url = "https://files.pythonhosted.org/packages/14/1e/75fa96394478930b79d0302eaf9a6c69f34005a1a5251ac8b9c336486ec9/multidict-6.7.0-cp310-cp310-musllinux_1_2_armv7l.whl", hash = "sha256:680878b9f3d45c31e1f730eef731f9b0bc1da456155688c6745ee84eb818e90e", size = 233523, upload-time = "2025-10-06T14:48:43.749Z" }, - { url = "https://files.pythonhosted.org/packages/b2/5e/085544cb9f9c4ad2b5d97467c15f856df8d9bac410cffd5c43991a5d878b/multidict-6.7.0-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:eb866162ef2f45063acc7a53a88ef6fe8bf121d45c30ea3c9cd87ce7e191a8d4", size = 243129, upload-time = "2025-10-06T14:48:45.225Z" }, - { url = "https://files.pythonhosted.org/packages/b9/c3/e9d9e2f20c9474e7a8fcef28f863c5cbd29bb5adce6b70cebe8bdad0039d/multidict-6.7.0-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:df0e3bf7993bdbeca5ac25aa859cf40d39019e015c9c91809ba7093967f7a648", size = 248999, upload-time = "2025-10-06T14:48:46.703Z" }, - { url = "https://files.pythonhosted.org/packages/b5/3f/df171b6efa3239ae33b97b887e42671cd1d94d460614bfb2c30ffdab3b95/multidict-6.7.0-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:661709cdcd919a2ece2234f9bae7174e5220c80b034585d7d8a755632d3e2111", size = 243711, upload-time = "2025-10-06T14:48:48.146Z" }, - { url = "https://files.pythonhosted.org/packages/3c/2f/9b5564888c4e14b9af64c54acf149263721a283aaf4aa0ae89b091d5d8c1/multidict-6.7.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:096f52730c3fb8ed419db2d44391932b63891b2c5ed14850a7e215c0ba9ade36", size = 237504, upload-time = "2025-10-06T14:48:49.447Z" }, - { url = "https://files.pythonhosted.org/packages/6c/3a/0bd6ca0f7d96d790542d591c8c3354c1e1b6bfd2024d4d92dc3d87485ec7/multidict-6.7.0-cp310-cp310-win32.whl", hash = "sha256:afa8a2978ec65d2336305550535c9c4ff50ee527914328c8677b3973ade52b85", size = 41422, upload-time = "2025-10-06T14:48:50.789Z" }, - { url = "https://files.pythonhosted.org/packages/00/35/f6a637ea2c75f0d3b7c7d41b1189189acff0d9deeb8b8f35536bb30f5e33/multidict-6.7.0-cp310-cp310-win_amd64.whl", hash = "sha256:b15b3afff74f707b9275d5ba6a91ae8f6429c3ffb29bbfd216b0b375a56f13d7", size = 46050, upload-time = "2025-10-06T14:48:51.938Z" }, - { url = "https://files.pythonhosted.org/packages/e7/b8/f7bf8329b39893d02d9d95cf610c75885d12fc0f402b1c894e1c8e01c916/multidict-6.7.0-cp310-cp310-win_arm64.whl", hash = "sha256:4b73189894398d59131a66ff157837b1fafea9974be486d036bb3d32331fdbf0", size = 43153, upload-time = "2025-10-06T14:48:53.146Z" }, - { url = "https://files.pythonhosted.org/packages/34/9e/5c727587644d67b2ed479041e4b1c58e30afc011e3d45d25bbe35781217c/multidict-6.7.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:4d409aa42a94c0b3fa617708ef5276dfe81012ba6753a0370fcc9d0195d0a1fc", size = 76604, upload-time = "2025-10-06T14:48:54.277Z" }, - { url = "https://files.pythonhosted.org/packages/17/e4/67b5c27bd17c085a5ea8f1ec05b8a3e5cba0ca734bfcad5560fb129e70ca/multidict-6.7.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:14c9e076eede3b54c636f8ce1c9c252b5f057c62131211f0ceeec273810c9721", size = 44715, upload-time = "2025-10-06T14:48:55.445Z" }, - { url = "https://files.pythonhosted.org/packages/4d/e1/866a5d77be6ea435711bef2a4291eed11032679b6b28b56b4776ab06ba3e/multidict-6.7.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:4c09703000a9d0fa3c3404b27041e574cc7f4df4c6563873246d0e11812a94b6", size = 44332, upload-time = "2025-10-06T14:48:56.706Z" }, - { url = "https://files.pythonhosted.org/packages/31/61/0c2d50241ada71ff61a79518db85ada85fdabfcf395d5968dae1cbda04e5/multidict-6.7.0-cp311-cp311-manylinux1_i686.manylinux_2_28_i686.manylinux_2_5_i686.whl", hash = "sha256:a265acbb7bb33a3a2d626afbe756371dce0279e7b17f4f4eda406459c2b5ff1c", size = 245212, upload-time = "2025-10-06T14:48:58.042Z" }, - { url = "https://files.pythonhosted.org/packages/ac/e0/919666a4e4b57fff1b57f279be1c9316e6cdc5de8a8b525d76f6598fefc7/multidict-6.7.0-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:51cb455de290ae462593e5b1cb1118c5c22ea7f0d3620d9940bf695cea5a4bd7", size = 246671, upload-time = "2025-10-06T14:49:00.004Z" }, - { url = "https://files.pythonhosted.org/packages/a1/cc/d027d9c5a520f3321b65adea289b965e7bcbd2c34402663f482648c716ce/multidict-6.7.0-cp311-cp311-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:db99677b4457c7a5c5a949353e125ba72d62b35f74e26da141530fbb012218a7", size = 225491, upload-time = "2025-10-06T14:49:01.393Z" }, - { url = "https://files.pythonhosted.org/packages/75/c4/bbd633980ce6155a28ff04e6a6492dd3335858394d7bb752d8b108708558/multidict-6.7.0-cp311-cp311-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:f470f68adc395e0183b92a2f4689264d1ea4b40504a24d9882c27375e6662bb9", size = 257322, upload-time = "2025-10-06T14:49:02.745Z" }, - { url = "https://files.pythonhosted.org/packages/4c/6d/d622322d344f1f053eae47e033b0b3f965af01212de21b10bcf91be991fb/multidict-6.7.0-cp311-cp311-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:0db4956f82723cc1c270de9c6e799b4c341d327762ec78ef82bb962f79cc07d8", size = 254694, upload-time = "2025-10-06T14:49:04.15Z" }, - { url = "https://files.pythonhosted.org/packages/a8/9f/78f8761c2705d4c6d7516faed63c0ebdac569f6db1bef95e0d5218fdc146/multidict-6.7.0-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:3e56d780c238f9e1ae66a22d2adf8d16f485381878250db8d496623cd38b22bd", size = 246715, upload-time = "2025-10-06T14:49:05.967Z" }, - { url = "https://files.pythonhosted.org/packages/78/59/950818e04f91b9c2b95aab3d923d9eabd01689d0dcd889563988e9ea0fd8/multidict-6.7.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:9d14baca2ee12c1a64740d4531356ba50b82543017f3ad6de0deb943c5979abb", size = 243189, upload-time = "2025-10-06T14:49:07.37Z" }, - { url = "https://files.pythonhosted.org/packages/7a/3d/77c79e1934cad2ee74991840f8a0110966d9599b3af95964c0cd79bb905b/multidict-6.7.0-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:295a92a76188917c7f99cda95858c822f9e4aae5824246bba9b6b44004ddd0a6", size = 237845, upload-time = "2025-10-06T14:49:08.759Z" }, - { url = "https://files.pythonhosted.org/packages/63/1b/834ce32a0a97a3b70f86437f685f880136677ac00d8bce0027e9fd9c2db7/multidict-6.7.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:39f1719f57adbb767ef592a50ae5ebb794220d1188f9ca93de471336401c34d2", size = 246374, upload-time = "2025-10-06T14:49:10.574Z" }, - { url = "https://files.pythonhosted.org/packages/23/ef/43d1c3ba205b5dec93dc97f3fba179dfa47910fc73aaaea4f7ceb41cec2a/multidict-6.7.0-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:0a13fb8e748dfc94749f622de065dd5c1def7e0d2216dba72b1d8069a389c6ff", size = 253345, upload-time = "2025-10-06T14:49:12.331Z" }, - { url = "https://files.pythonhosted.org/packages/6b/03/eaf95bcc2d19ead522001f6a650ef32811aa9e3624ff0ad37c445c7a588c/multidict-6.7.0-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:e3aa16de190d29a0ea1b48253c57d99a68492c8dd8948638073ab9e74dc9410b", size = 246940, upload-time = "2025-10-06T14:49:13.821Z" }, - { url = "https://files.pythonhosted.org/packages/e8/df/ec8a5fd66ea6cd6f525b1fcbb23511b033c3e9bc42b81384834ffa484a62/multidict-6.7.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:a048ce45dcdaaf1defb76b2e684f997fb5abf74437b6cb7b22ddad934a964e34", size = 242229, upload-time = "2025-10-06T14:49:15.603Z" }, - { url = "https://files.pythonhosted.org/packages/8a/a2/59b405d59fd39ec86d1142630e9049243015a5f5291ba49cadf3c090c541/multidict-6.7.0-cp311-cp311-win32.whl", hash = "sha256:a90af66facec4cebe4181b9e62a68be65e45ac9b52b67de9eec118701856e7ff", size = 41308, upload-time = "2025-10-06T14:49:16.871Z" }, - { url = "https://files.pythonhosted.org/packages/32/0f/13228f26f8b882c34da36efa776c3b7348455ec383bab4a66390e42963ae/multidict-6.7.0-cp311-cp311-win_amd64.whl", hash = "sha256:95b5ffa4349df2887518bb839409bcf22caa72d82beec453216802f475b23c81", size = 46037, upload-time = "2025-10-06T14:49:18.457Z" }, - { url = "https://files.pythonhosted.org/packages/84/1f/68588e31b000535a3207fd3c909ebeec4fb36b52c442107499c18a896a2a/multidict-6.7.0-cp311-cp311-win_arm64.whl", hash = "sha256:329aa225b085b6f004a4955271a7ba9f1087e39dcb7e65f6284a988264a63912", size = 43023, upload-time = "2025-10-06T14:49:19.648Z" }, - { url = "https://files.pythonhosted.org/packages/c2/9e/9f61ac18d9c8b475889f32ccfa91c9f59363480613fc807b6e3023d6f60b/multidict-6.7.0-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:8a3862568a36d26e650a19bb5cbbba14b71789032aebc0423f8cc5f150730184", size = 76877, upload-time = "2025-10-06T14:49:20.884Z" }, - { url = "https://files.pythonhosted.org/packages/38/6f/614f09a04e6184f8824268fce4bc925e9849edfa654ddd59f0b64508c595/multidict-6.7.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:960c60b5849b9b4f9dcc9bea6e3626143c252c74113df2c1540aebce70209b45", size = 45467, upload-time = "2025-10-06T14:49:22.054Z" }, - { url = "https://files.pythonhosted.org/packages/b3/93/c4f67a436dd026f2e780c433277fff72be79152894d9fc36f44569cab1a6/multidict-6.7.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:2049be98fb57a31b4ccf870bf377af2504d4ae35646a19037ec271e4c07998aa", size = 43834, upload-time = "2025-10-06T14:49:23.566Z" }, - { url = "https://files.pythonhosted.org/packages/7f/f5/013798161ca665e4a422afbc5e2d9e4070142a9ff8905e482139cd09e4d0/multidict-6.7.0-cp312-cp312-manylinux1_i686.manylinux_2_28_i686.manylinux_2_5_i686.whl", hash = "sha256:0934f3843a1860dd465d38895c17fce1f1cb37295149ab05cd1b9a03afacb2a7", size = 250545, upload-time = "2025-10-06T14:49:24.882Z" }, - { url = "https://files.pythonhosted.org/packages/71/2f/91dbac13e0ba94669ea5119ba267c9a832f0cb65419aca75549fcf09a3dc/multidict-6.7.0-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:b3e34f3a1b8131ba06f1a73adab24f30934d148afcd5f5de9a73565a4404384e", size = 258305, upload-time = "2025-10-06T14:49:26.778Z" }, - { url = "https://files.pythonhosted.org/packages/ef/b0/754038b26f6e04488b48ac621f779c341338d78503fb45403755af2df477/multidict-6.7.0-cp312-cp312-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:efbb54e98446892590dc2458c19c10344ee9a883a79b5cec4bc34d6656e8d546", size = 242363, upload-time = "2025-10-06T14:49:28.562Z" }, - { url = "https://files.pythonhosted.org/packages/87/15/9da40b9336a7c9fa606c4cf2ed80a649dffeb42b905d4f63a1d7eb17d746/multidict-6.7.0-cp312-cp312-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:a35c5fc61d4f51eb045061e7967cfe3123d622cd500e8868e7c0c592a09fedc4", size = 268375, upload-time = "2025-10-06T14:49:29.96Z" }, - { url = "https://files.pythonhosted.org/packages/82/72/c53fcade0cc94dfaad583105fd92b3a783af2091eddcb41a6d5a52474000/multidict-6.7.0-cp312-cp312-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:29fe6740ebccba4175af1b9b87bf553e9c15cd5868ee967e010efcf94e4fd0f1", size = 269346, upload-time = "2025-10-06T14:49:31.404Z" }, - { url = "https://files.pythonhosted.org/packages/0d/e2/9baffdae21a76f77ef8447f1a05a96ec4bc0a24dae08767abc0a2fe680b8/multidict-6.7.0-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:123e2a72e20537add2f33a79e605f6191fba2afda4cbb876e35c1a7074298a7d", size = 256107, upload-time = "2025-10-06T14:49:32.974Z" }, - { url = "https://files.pythonhosted.org/packages/3c/06/3f06f611087dc60d65ef775f1fb5aca7c6d61c6db4990e7cda0cef9b1651/multidict-6.7.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:b284e319754366c1aee2267a2036248b24eeb17ecd5dc16022095e747f2f4304", size = 253592, upload-time = "2025-10-06T14:49:34.52Z" }, - { url = "https://files.pythonhosted.org/packages/20/24/54e804ec7945b6023b340c412ce9c3f81e91b3bf5fa5ce65558740141bee/multidict-6.7.0-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:803d685de7be4303b5a657b76e2f6d1240e7e0a8aa2968ad5811fa2285553a12", size = 251024, upload-time = "2025-10-06T14:49:35.956Z" }, - { url = "https://files.pythonhosted.org/packages/14/48/011cba467ea0b17ceb938315d219391d3e421dfd35928e5dbdc3f4ae76ef/multidict-6.7.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:c04a328260dfd5db8c39538f999f02779012268f54614902d0afc775d44e0a62", size = 251484, upload-time = "2025-10-06T14:49:37.631Z" }, - { url = "https://files.pythonhosted.org/packages/0d/2f/919258b43bb35b99fa127435cfb2d91798eb3a943396631ef43e3720dcf4/multidict-6.7.0-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:8a19cdb57cd3df4cd865849d93ee14920fb97224300c88501f16ecfa2604b4e0", size = 263579, upload-time = "2025-10-06T14:49:39.502Z" }, - { url = "https://files.pythonhosted.org/packages/31/22/a0e884d86b5242b5a74cf08e876bdf299e413016b66e55511f7a804a366e/multidict-6.7.0-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:9b2fd74c52accced7e75de26023b7dccee62511a600e62311b918ec5c168fc2a", size = 259654, upload-time = "2025-10-06T14:49:41.32Z" }, - { url = "https://files.pythonhosted.org/packages/b2/e5/17e10e1b5c5f5a40f2fcbb45953c9b215f8a4098003915e46a93f5fcaa8f/multidict-6.7.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:3e8bfdd0e487acf992407a140d2589fe598238eaeffa3da8448d63a63cd363f8", size = 251511, upload-time = "2025-10-06T14:49:46.021Z" }, - { url = "https://files.pythonhosted.org/packages/e3/9a/201bb1e17e7af53139597069c375e7b0dcbd47594604f65c2d5359508566/multidict-6.7.0-cp312-cp312-win32.whl", hash = "sha256:dd32a49400a2c3d52088e120ee00c1e3576cbff7e10b98467962c74fdb762ed4", size = 41895, upload-time = "2025-10-06T14:49:48.718Z" }, - { url = "https://files.pythonhosted.org/packages/46/e2/348cd32faad84eaf1d20cce80e2bb0ef8d312c55bca1f7fa9865e7770aaf/multidict-6.7.0-cp312-cp312-win_amd64.whl", hash = "sha256:92abb658ef2d7ef22ac9f8bb88e8b6c3e571671534e029359b6d9e845923eb1b", size = 46073, upload-time = "2025-10-06T14:49:50.28Z" }, - { url = "https://files.pythonhosted.org/packages/25/ec/aad2613c1910dce907480e0c3aa306905830f25df2e54ccc9dea450cb5aa/multidict-6.7.0-cp312-cp312-win_arm64.whl", hash = "sha256:490dab541a6a642ce1a9d61a4781656b346a55c13038f0b1244653828e3a83ec", size = 43226, upload-time = "2025-10-06T14:49:52.304Z" }, - { url = "https://files.pythonhosted.org/packages/d2/86/33272a544eeb36d66e4d9a920602d1a2f57d4ebea4ef3cdfe5a912574c95/multidict-6.7.0-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:bee7c0588aa0076ce77c0ea5d19a68d76ad81fcd9fe8501003b9a24f9d4000f6", size = 76135, upload-time = "2025-10-06T14:49:54.26Z" }, - { url = "https://files.pythonhosted.org/packages/91/1c/eb97db117a1ebe46d457a3d235a7b9d2e6dcab174f42d1b67663dd9e5371/multidict-6.7.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:7ef6b61cad77091056ce0e7ce69814ef72afacb150b7ac6a3e9470def2198159", size = 45117, upload-time = "2025-10-06T14:49:55.82Z" }, - { url = "https://files.pythonhosted.org/packages/f1/d8/6c3442322e41fb1dd4de8bd67bfd11cd72352ac131f6368315617de752f1/multidict-6.7.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:9c0359b1ec12b1d6849c59f9d319610b7f20ef990a6d454ab151aa0e3b9f78ca", size = 43472, upload-time = "2025-10-06T14:49:57.048Z" }, - { url = "https://files.pythonhosted.org/packages/75/3f/e2639e80325af0b6c6febdf8e57cc07043ff15f57fa1ef808f4ccb5ac4cd/multidict-6.7.0-cp313-cp313-manylinux1_i686.manylinux_2_28_i686.manylinux_2_5_i686.whl", hash = "sha256:cd240939f71c64bd658f186330603aac1a9a81bf6273f523fca63673cb7378a8", size = 249342, upload-time = "2025-10-06T14:49:58.368Z" }, - { url = "https://files.pythonhosted.org/packages/5d/cc/84e0585f805cbeaa9cbdaa95f9a3d6aed745b9d25700623ac89a6ecff400/multidict-6.7.0-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:a60a4d75718a5efa473ebd5ab685786ba0c67b8381f781d1be14da49f1a2dc60", size = 257082, upload-time = "2025-10-06T14:49:59.89Z" }, - { url = "https://files.pythonhosted.org/packages/b0/9c/ac851c107c92289acbbf5cfb485694084690c1b17e555f44952c26ddc5bd/multidict-6.7.0-cp313-cp313-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:53a42d364f323275126aff81fb67c5ca1b7a04fda0546245730a55c8c5f24bc4", size = 240704, upload-time = "2025-10-06T14:50:01.485Z" }, - { url = "https://files.pythonhosted.org/packages/50/cc/5f93e99427248c09da95b62d64b25748a5f5c98c7c2ab09825a1d6af0e15/multidict-6.7.0-cp313-cp313-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:3b29b980d0ddbecb736735ee5bef69bb2ddca56eff603c86f3f29a1128299b4f", size = 266355, upload-time = "2025-10-06T14:50:02.955Z" }, - { url = "https://files.pythonhosted.org/packages/ec/0c/2ec1d883ceb79c6f7f6d7ad90c919c898f5d1c6ea96d322751420211e072/multidict-6.7.0-cp313-cp313-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:f8a93b1c0ed2d04b97a5e9336fd2d33371b9a6e29ab7dd6503d63407c20ffbaf", size = 267259, upload-time = "2025-10-06T14:50:04.446Z" }, - { url = "https://files.pythonhosted.org/packages/c6/2d/f0b184fa88d6630aa267680bdb8623fb69cb0d024b8c6f0d23f9a0f406d3/multidict-6.7.0-cp313-cp313-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:9ff96e8815eecacc6645da76c413eb3b3d34cfca256c70b16b286a687d013c32", size = 254903, upload-time = "2025-10-06T14:50:05.98Z" }, - { url = "https://files.pythonhosted.org/packages/06/c9/11ea263ad0df7dfabcad404feb3c0dd40b131bc7f232d5537f2fb1356951/multidict-6.7.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:7516c579652f6a6be0e266aec0acd0db80829ca305c3d771ed898538804c2036", size = 252365, upload-time = "2025-10-06T14:50:07.511Z" }, - { url = "https://files.pythonhosted.org/packages/41/88/d714b86ee2c17d6e09850c70c9d310abac3d808ab49dfa16b43aba9d53fd/multidict-6.7.0-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:040f393368e63fb0f3330e70c26bfd336656bed925e5cbe17c9da839a6ab13ec", size = 250062, upload-time = "2025-10-06T14:50:09.074Z" }, - { url = "https://files.pythonhosted.org/packages/15/fe/ad407bb9e818c2b31383f6131ca19ea7e35ce93cf1310fce69f12e89de75/multidict-6.7.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:b3bc26a951007b1057a1c543af845f1c7e3e71cc240ed1ace7bf4484aa99196e", size = 249683, upload-time = "2025-10-06T14:50:10.714Z" }, - { url = "https://files.pythonhosted.org/packages/8c/a4/a89abdb0229e533fb925e7c6e5c40201c2873efebc9abaf14046a4536ee6/multidict-6.7.0-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:7b022717c748dd1992a83e219587aabe45980d88969f01b316e78683e6285f64", size = 261254, upload-time = "2025-10-06T14:50:12.28Z" }, - { url = "https://files.pythonhosted.org/packages/8d/aa/0e2b27bd88b40a4fb8dc53dd74eecac70edaa4c1dd0707eb2164da3675b3/multidict-6.7.0-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:9600082733859f00d79dee64effc7aef1beb26adb297416a4ad2116fd61374bd", size = 257967, upload-time = "2025-10-06T14:50:14.16Z" }, - { url = "https://files.pythonhosted.org/packages/d0/8e/0c67b7120d5d5f6d874ed85a085f9dc770a7f9d8813e80f44a9fec820bb7/multidict-6.7.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:94218fcec4d72bc61df51c198d098ce2b378e0ccbac41ddbed5ef44092913288", size = 250085, upload-time = "2025-10-06T14:50:15.639Z" }, - { url = "https://files.pythonhosted.org/packages/ba/55/b73e1d624ea4b8fd4dd07a3bb70f6e4c7c6c5d9d640a41c6ffe5cdbd2a55/multidict-6.7.0-cp313-cp313-win32.whl", hash = "sha256:a37bd74c3fa9d00be2d7b8eca074dc56bd8077ddd2917a839bd989612671ed17", size = 41713, upload-time = "2025-10-06T14:50:17.066Z" }, - { url = "https://files.pythonhosted.org/packages/32/31/75c59e7d3b4205075b4c183fa4ca398a2daf2303ddf616b04ae6ef55cffe/multidict-6.7.0-cp313-cp313-win_amd64.whl", hash = "sha256:30d193c6cc6d559db42b6bcec8a5d395d34d60c9877a0b71ecd7c204fcf15390", size = 45915, upload-time = "2025-10-06T14:50:18.264Z" }, - { url = "https://files.pythonhosted.org/packages/31/2a/8987831e811f1184c22bc2e45844934385363ee61c0a2dcfa8f71b87e608/multidict-6.7.0-cp313-cp313-win_arm64.whl", hash = "sha256:ea3334cabe4d41b7ccd01e4d349828678794edbc2d3ae97fc162a3312095092e", size = 43077, upload-time = "2025-10-06T14:50:19.853Z" }, - { url = "https://files.pythonhosted.org/packages/e8/68/7b3a5170a382a340147337b300b9eb25a9ddb573bcdfff19c0fa3f31ffba/multidict-6.7.0-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:ad9ce259f50abd98a1ca0aa6e490b58c316a0fce0617f609723e40804add2c00", size = 83114, upload-time = "2025-10-06T14:50:21.223Z" }, - { url = "https://files.pythonhosted.org/packages/55/5c/3fa2d07c84df4e302060f555bbf539310980362236ad49f50eeb0a1c1eb9/multidict-6.7.0-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:07f5594ac6d084cbb5de2df218d78baf55ef150b91f0ff8a21cc7a2e3a5a58eb", size = 48442, upload-time = "2025-10-06T14:50:22.871Z" }, - { url = "https://files.pythonhosted.org/packages/fc/56/67212d33239797f9bd91962bb899d72bb0f4c35a8652dcdb8ed049bef878/multidict-6.7.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:0591b48acf279821a579282444814a2d8d0af624ae0bc600aa4d1b920b6e924b", size = 46885, upload-time = "2025-10-06T14:50:24.258Z" }, - { url = "https://files.pythonhosted.org/packages/46/d1/908f896224290350721597a61a69cd19b89ad8ee0ae1f38b3f5cd12ea2ac/multidict-6.7.0-cp313-cp313t-manylinux1_i686.manylinux_2_28_i686.manylinux_2_5_i686.whl", hash = "sha256:749a72584761531d2b9467cfbdfd29487ee21124c304c4b6cb760d8777b27f9c", size = 242588, upload-time = "2025-10-06T14:50:25.716Z" }, - { url = "https://files.pythonhosted.org/packages/ab/67/8604288bbd68680eee0ab568fdcb56171d8b23a01bcd5cb0c8fedf6e5d99/multidict-6.7.0-cp313-cp313t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:6b4c3d199f953acd5b446bf7c0de1fe25d94e09e79086f8dc2f48a11a129cdf1", size = 249966, upload-time = "2025-10-06T14:50:28.192Z" }, - { url = "https://files.pythonhosted.org/packages/20/33/9228d76339f1ba51e3efef7da3ebd91964d3006217aae13211653193c3ff/multidict-6.7.0-cp313-cp313t-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:9fb0211dfc3b51efea2f349ec92c114d7754dd62c01f81c3e32b765b70c45c9b", size = 228618, upload-time = "2025-10-06T14:50:29.82Z" }, - { url = "https://files.pythonhosted.org/packages/f8/2d/25d9b566d10cab1c42b3b9e5b11ef79c9111eaf4463b8c257a3bd89e0ead/multidict-6.7.0-cp313-cp313t-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:a027ec240fe73a8d6281872690b988eed307cd7d91b23998ff35ff577ca688b5", size = 257539, upload-time = "2025-10-06T14:50:31.731Z" }, - { url = "https://files.pythonhosted.org/packages/b6/b1/8d1a965e6637fc33de3c0d8f414485c2b7e4af00f42cab3d84e7b955c222/multidict-6.7.0-cp313-cp313t-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:d1d964afecdf3a8288789df2f5751dc0a8261138c3768d9af117ed384e538fad", size = 256345, upload-time = "2025-10-06T14:50:33.26Z" }, - { url = "https://files.pythonhosted.org/packages/ba/0c/06b5a8adbdeedada6f4fb8d8f193d44a347223b11939b42953eeb6530b6b/multidict-6.7.0-cp313-cp313t-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:caf53b15b1b7df9fbd0709aa01409000a2b4dd03a5f6f5cc548183c7c8f8b63c", size = 247934, upload-time = "2025-10-06T14:50:34.808Z" }, - { url = "https://files.pythonhosted.org/packages/8f/31/b2491b5fe167ca044c6eb4b8f2c9f3b8a00b24c432c365358eadac5d7625/multidict-6.7.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:654030da3197d927f05a536a66186070e98765aa5142794c9904555d3a9d8fb5", size = 245243, upload-time = "2025-10-06T14:50:36.436Z" }, - { url = "https://files.pythonhosted.org/packages/61/1a/982913957cb90406c8c94f53001abd9eafc271cb3e70ff6371590bec478e/multidict-6.7.0-cp313-cp313t-musllinux_1_2_armv7l.whl", hash = "sha256:2090d3718829d1e484706a2f525e50c892237b2bf9b17a79b059cb98cddc2f10", size = 235878, upload-time = "2025-10-06T14:50:37.953Z" }, - { url = "https://files.pythonhosted.org/packages/be/c0/21435d804c1a1cf7a2608593f4d19bca5bcbd7a81a70b253fdd1c12af9c0/multidict-6.7.0-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:2d2cfeec3f6f45651b3d408c4acec0ebf3daa9bc8a112a084206f5db5d05b754", size = 243452, upload-time = "2025-10-06T14:50:39.574Z" }, - { url = "https://files.pythonhosted.org/packages/54/0a/4349d540d4a883863191be6eb9a928846d4ec0ea007d3dcd36323bb058ac/multidict-6.7.0-cp313-cp313t-musllinux_1_2_ppc64le.whl", hash = "sha256:4ef089f985b8c194d341eb2c24ae6e7408c9a0e2e5658699c92f497437d88c3c", size = 252312, upload-time = "2025-10-06T14:50:41.612Z" }, - { url = "https://files.pythonhosted.org/packages/26/64/d5416038dbda1488daf16b676e4dbfd9674dde10a0cc8f4fc2b502d8125d/multidict-6.7.0-cp313-cp313t-musllinux_1_2_s390x.whl", hash = "sha256:e93a0617cd16998784bf4414c7e40f17a35d2350e5c6f0bd900d3a8e02bd3762", size = 246935, upload-time = "2025-10-06T14:50:43.972Z" }, - { url = "https://files.pythonhosted.org/packages/9f/8c/8290c50d14e49f35e0bd4abc25e1bc7711149ca9588ab7d04f886cdf03d9/multidict-6.7.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:f0feece2ef8ebc42ed9e2e8c78fc4aa3cf455733b507c09ef7406364c94376c6", size = 243385, upload-time = "2025-10-06T14:50:45.648Z" }, - { url = "https://files.pythonhosted.org/packages/ef/a0/f83ae75e42d694b3fbad3e047670e511c138be747bc713cf1b10d5096416/multidict-6.7.0-cp313-cp313t-win32.whl", hash = "sha256:19a1d55338ec1be74ef62440ca9e04a2f001a04d0cc49a4983dc320ff0f3212d", size = 47777, upload-time = "2025-10-06T14:50:47.154Z" }, - { url = "https://files.pythonhosted.org/packages/dc/80/9b174a92814a3830b7357307a792300f42c9e94664b01dee8e457551fa66/multidict-6.7.0-cp313-cp313t-win_amd64.whl", hash = "sha256:3da4fb467498df97e986af166b12d01f05d2e04f978a9c1c680ea1988e0bc4b6", size = 53104, upload-time = "2025-10-06T14:50:48.851Z" }, - { url = "https://files.pythonhosted.org/packages/cc/28/04baeaf0428d95bb7a7bea0e691ba2f31394338ba424fb0679a9ed0f4c09/multidict-6.7.0-cp313-cp313t-win_arm64.whl", hash = "sha256:b4121773c49a0776461f4a904cdf6264c88e42218aaa8407e803ca8025872792", size = 45503, upload-time = "2025-10-06T14:50:50.16Z" }, - { url = "https://files.pythonhosted.org/packages/e2/b1/3da6934455dd4b261d4c72f897e3a5728eba81db59959f3a639245891baa/multidict-6.7.0-cp314-cp314-macosx_10_13_universal2.whl", hash = "sha256:3bab1e4aff7adaa34410f93b1f8e57c4b36b9af0426a76003f441ee1d3c7e842", size = 75128, upload-time = "2025-10-06T14:50:51.92Z" }, - { url = "https://files.pythonhosted.org/packages/14/2c/f069cab5b51d175a1a2cb4ccdf7a2c2dabd58aa5bd933fa036a8d15e2404/multidict-6.7.0-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:b8512bac933afc3e45fb2b18da8e59b78d4f408399a960339598374d4ae3b56b", size = 44410, upload-time = "2025-10-06T14:50:53.275Z" }, - { url = "https://files.pythonhosted.org/packages/42/e2/64bb41266427af6642b6b128e8774ed84c11b80a90702c13ac0a86bb10cc/multidict-6.7.0-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:79dcf9e477bc65414ebfea98ffd013cb39552b5ecd62908752e0e413d6d06e38", size = 43205, upload-time = "2025-10-06T14:50:54.911Z" }, - { url = "https://files.pythonhosted.org/packages/02/68/6b086fef8a3f1a8541b9236c594f0c9245617c29841f2e0395d979485cde/multidict-6.7.0-cp314-cp314-manylinux1_i686.manylinux_2_28_i686.manylinux_2_5_i686.whl", hash = "sha256:31bae522710064b5cbeddaf2e9f32b1abab70ac6ac91d42572502299e9953128", size = 245084, upload-time = "2025-10-06T14:50:56.369Z" }, - { url = "https://files.pythonhosted.org/packages/15/ee/f524093232007cd7a75c1d132df70f235cfd590a7c9eaccd7ff422ef4ae8/multidict-6.7.0-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:4a0df7ff02397bb63e2fd22af2c87dfa39e8c7f12947bc524dbdc528282c7e34", size = 252667, upload-time = "2025-10-06T14:50:57.991Z" }, - { url = "https://files.pythonhosted.org/packages/02/a5/eeb3f43ab45878f1895118c3ef157a480db58ede3f248e29b5354139c2c9/multidict-6.7.0-cp314-cp314-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:7a0222514e8e4c514660e182d5156a415c13ef0aabbd71682fc714e327b95e99", size = 233590, upload-time = "2025-10-06T14:50:59.589Z" }, - { url = "https://files.pythonhosted.org/packages/6a/1e/76d02f8270b97269d7e3dbd45644b1785bda457b474315f8cf999525a193/multidict-6.7.0-cp314-cp314-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:2397ab4daaf2698eb51a76721e98db21ce4f52339e535725de03ea962b5a3202", size = 264112, upload-time = "2025-10-06T14:51:01.183Z" }, - { url = "https://files.pythonhosted.org/packages/76/0b/c28a70ecb58963847c2a8efe334904cd254812b10e535aefb3bcce513918/multidict-6.7.0-cp314-cp314-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:8891681594162635948a636c9fe0ff21746aeb3dd5463f6e25d9bea3a8a39ca1", size = 261194, upload-time = "2025-10-06T14:51:02.794Z" }, - { url = "https://files.pythonhosted.org/packages/b4/63/2ab26e4209773223159b83aa32721b4021ffb08102f8ac7d689c943fded1/multidict-6.7.0-cp314-cp314-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:18706cc31dbf402a7945916dd5cddf160251b6dab8a2c5f3d6d5a55949f676b3", size = 248510, upload-time = "2025-10-06T14:51:04.724Z" }, - { url = "https://files.pythonhosted.org/packages/93/cd/06c1fa8282af1d1c46fd55c10a7930af652afdce43999501d4d68664170c/multidict-6.7.0-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:f844a1bbf1d207dd311a56f383f7eda2d0e134921d45751842d8235e7778965d", size = 248395, upload-time = "2025-10-06T14:51:06.306Z" }, - { url = "https://files.pythonhosted.org/packages/99/ac/82cb419dd6b04ccf9e7e61befc00c77614fc8134362488b553402ecd55ce/multidict-6.7.0-cp314-cp314-musllinux_1_2_armv7l.whl", hash = "sha256:d4393e3581e84e5645506923816b9cc81f5609a778c7e7534054091acc64d1c6", size = 239520, upload-time = "2025-10-06T14:51:08.091Z" }, - { url = "https://files.pythonhosted.org/packages/fa/f3/a0f9bf09493421bd8716a362e0cd1d244f5a6550f5beffdd6b47e885b331/multidict-6.7.0-cp314-cp314-musllinux_1_2_i686.whl", hash = "sha256:fbd18dc82d7bf274b37aa48d664534330af744e03bccf696d6f4c6042e7d19e7", size = 245479, upload-time = "2025-10-06T14:51:10.365Z" }, - { url = "https://files.pythonhosted.org/packages/8d/01/476d38fc73a212843f43c852b0eee266b6971f0e28329c2184a8df90c376/multidict-6.7.0-cp314-cp314-musllinux_1_2_ppc64le.whl", hash = "sha256:b6234e14f9314731ec45c42fc4554b88133ad53a09092cc48a88e771c125dadb", size = 258903, upload-time = "2025-10-06T14:51:12.466Z" }, - { url = "https://files.pythonhosted.org/packages/49/6d/23faeb0868adba613b817d0e69c5f15531b24d462af8012c4f6de4fa8dc3/multidict-6.7.0-cp314-cp314-musllinux_1_2_s390x.whl", hash = "sha256:08d4379f9744d8f78d98c8673c06e202ffa88296f009c71bbafe8a6bf847d01f", size = 252333, upload-time = "2025-10-06T14:51:14.48Z" }, - { url = "https://files.pythonhosted.org/packages/1e/cc/48d02ac22b30fa247f7dad82866e4b1015431092f4ba6ebc7e77596e0b18/multidict-6.7.0-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:9fe04da3f79387f450fd0061d4dd2e45a72749d31bf634aecc9e27f24fdc4b3f", size = 243411, upload-time = "2025-10-06T14:51:16.072Z" }, - { url = "https://files.pythonhosted.org/packages/4a/03/29a8bf5a18abf1fe34535c88adbdfa88c9fb869b5a3b120692c64abe8284/multidict-6.7.0-cp314-cp314-win32.whl", hash = "sha256:fbafe31d191dfa7c4c51f7a6149c9fb7e914dcf9ffead27dcfd9f1ae382b3885", size = 40940, upload-time = "2025-10-06T14:51:17.544Z" }, - { url = "https://files.pythonhosted.org/packages/82/16/7ed27b680791b939de138f906d5cf2b4657b0d45ca6f5dd6236fdddafb1a/multidict-6.7.0-cp314-cp314-win_amd64.whl", hash = "sha256:2f67396ec0310764b9222a1728ced1ab638f61aadc6226f17a71dd9324f9a99c", size = 45087, upload-time = "2025-10-06T14:51:18.875Z" }, - { url = "https://files.pythonhosted.org/packages/cd/3c/e3e62eb35a1950292fe39315d3c89941e30a9d07d5d2df42965ab041da43/multidict-6.7.0-cp314-cp314-win_arm64.whl", hash = "sha256:ba672b26069957ee369cfa7fc180dde1fc6f176eaf1e6beaf61fbebbd3d9c000", size = 42368, upload-time = "2025-10-06T14:51:20.225Z" }, - { url = "https://files.pythonhosted.org/packages/8b/40/cd499bd0dbc5f1136726db3153042a735fffd0d77268e2ee20d5f33c010f/multidict-6.7.0-cp314-cp314t-macosx_10_13_universal2.whl", hash = "sha256:c1dcc7524066fa918c6a27d61444d4ee7900ec635779058571f70d042d86ed63", size = 82326, upload-time = "2025-10-06T14:51:21.588Z" }, - { url = "https://files.pythonhosted.org/packages/13/8a/18e031eca251c8df76daf0288e6790561806e439f5ce99a170b4af30676b/multidict-6.7.0-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:27e0b36c2d388dc7b6ced3406671b401e84ad7eb0656b8f3a2f46ed0ce483718", size = 48065, upload-time = "2025-10-06T14:51:22.93Z" }, - { url = "https://files.pythonhosted.org/packages/40/71/5e6701277470a87d234e433fb0a3a7deaf3bcd92566e421e7ae9776319de/multidict-6.7.0-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:2a7baa46a22e77f0988e3b23d4ede5513ebec1929e34ee9495be535662c0dfe2", size = 46475, upload-time = "2025-10-06T14:51:24.352Z" }, - { url = "https://files.pythonhosted.org/packages/fe/6a/bab00cbab6d9cfb57afe1663318f72ec28289ea03fd4e8236bb78429893a/multidict-6.7.0-cp314-cp314t-manylinux1_i686.manylinux_2_28_i686.manylinux_2_5_i686.whl", hash = "sha256:7bf77f54997a9166a2f5675d1201520586439424c2511723a7312bdb4bcc034e", size = 239324, upload-time = "2025-10-06T14:51:25.822Z" }, - { url = "https://files.pythonhosted.org/packages/2a/5f/8de95f629fc22a7769ade8b41028e3e5a822c1f8904f618d175945a81ad3/multidict-6.7.0-cp314-cp314t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:e011555abada53f1578d63389610ac8a5400fc70ce71156b0aa30d326f1a5064", size = 246877, upload-time = "2025-10-06T14:51:27.604Z" }, - { url = "https://files.pythonhosted.org/packages/23/b4/38881a960458f25b89e9f4a4fdcb02ac101cfa710190db6e5528841e67de/multidict-6.7.0-cp314-cp314t-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:28b37063541b897fd6a318007373930a75ca6d6ac7c940dbe14731ffdd8d498e", size = 225824, upload-time = "2025-10-06T14:51:29.664Z" }, - { url = "https://files.pythonhosted.org/packages/1e/39/6566210c83f8a261575f18e7144736059f0c460b362e96e9cf797a24b8e7/multidict-6.7.0-cp314-cp314t-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:05047ada7a2fde2631a0ed706f1fd68b169a681dfe5e4cf0f8e4cb6618bbc2cd", size = 253558, upload-time = "2025-10-06T14:51:31.684Z" }, - { url = "https://files.pythonhosted.org/packages/00/a3/67f18315100f64c269f46e6c0319fa87ba68f0f64f2b8e7fd7c72b913a0b/multidict-6.7.0-cp314-cp314t-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:716133f7d1d946a4e1b91b1756b23c088881e70ff180c24e864c26192ad7534a", size = 252339, upload-time = "2025-10-06T14:51:33.699Z" }, - { url = "https://files.pythonhosted.org/packages/c8/2a/1cb77266afee2458d82f50da41beba02159b1d6b1f7973afc9a1cad1499b/multidict-6.7.0-cp314-cp314t-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:d1bed1b467ef657f2a0ae62844a607909ef1c6889562de5e1d505f74457d0b96", size = 244895, upload-time = "2025-10-06T14:51:36.189Z" }, - { url = "https://files.pythonhosted.org/packages/dd/72/09fa7dd487f119b2eb9524946ddd36e2067c08510576d43ff68469563b3b/multidict-6.7.0-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:ca43bdfa5d37bd6aee89d85e1d0831fb86e25541be7e9d376ead1b28974f8e5e", size = 241862, upload-time = "2025-10-06T14:51:41.291Z" }, - { url = "https://files.pythonhosted.org/packages/65/92/bc1f8bd0853d8669300f732c801974dfc3702c3eeadae2f60cef54dc69d7/multidict-6.7.0-cp314-cp314t-musllinux_1_2_armv7l.whl", hash = "sha256:44b546bd3eb645fd26fb949e43c02a25a2e632e2ca21a35e2e132c8105dc8599", size = 232376, upload-time = "2025-10-06T14:51:43.55Z" }, - { url = "https://files.pythonhosted.org/packages/09/86/ac39399e5cb9d0c2ac8ef6e10a768e4d3bc933ac808d49c41f9dc23337eb/multidict-6.7.0-cp314-cp314t-musllinux_1_2_i686.whl", hash = "sha256:a6ef16328011d3f468e7ebc326f24c1445f001ca1dec335b2f8e66bed3006394", size = 240272, upload-time = "2025-10-06T14:51:45.265Z" }, - { url = "https://files.pythonhosted.org/packages/3d/b6/fed5ac6b8563ec72df6cb1ea8dac6d17f0a4a1f65045f66b6d3bf1497c02/multidict-6.7.0-cp314-cp314t-musllinux_1_2_ppc64le.whl", hash = "sha256:5aa873cbc8e593d361ae65c68f85faadd755c3295ea2c12040ee146802f23b38", size = 248774, upload-time = "2025-10-06T14:51:46.836Z" }, - { url = "https://files.pythonhosted.org/packages/6b/8d/b954d8c0dc132b68f760aefd45870978deec6818897389dace00fcde32ff/multidict-6.7.0-cp314-cp314t-musllinux_1_2_s390x.whl", hash = "sha256:3d7b6ccce016e29df4b7ca819659f516f0bc7a4b3efa3bb2012ba06431b044f9", size = 242731, upload-time = "2025-10-06T14:51:48.541Z" }, - { url = "https://files.pythonhosted.org/packages/16/9d/a2dac7009125d3540c2f54e194829ea18ac53716c61b655d8ed300120b0f/multidict-6.7.0-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:171b73bd4ee683d307599b66793ac80981b06f069b62eea1c9e29c9241aa66b0", size = 240193, upload-time = "2025-10-06T14:51:50.355Z" }, - { url = "https://files.pythonhosted.org/packages/39/ca/c05f144128ea232ae2178b008d5011d4e2cea86e4ee8c85c2631b1b94802/multidict-6.7.0-cp314-cp314t-win32.whl", hash = "sha256:b2d7f80c4e1fd010b07cb26820aae86b7e73b681ee4889684fb8d2d4537aab13", size = 48023, upload-time = "2025-10-06T14:51:51.883Z" }, - { url = "https://files.pythonhosted.org/packages/ba/8f/0a60e501584145588be1af5cc829265701ba3c35a64aec8e07cbb71d39bb/multidict-6.7.0-cp314-cp314t-win_amd64.whl", hash = "sha256:09929cab6fcb68122776d575e03c6cc64ee0b8fca48d17e135474b042ce515cd", size = 53507, upload-time = "2025-10-06T14:51:53.672Z" }, - { url = "https://files.pythonhosted.org/packages/7f/ae/3148b988a9c6239903e786eac19c889fab607c31d6efa7fb2147e5680f23/multidict-6.7.0-cp314-cp314t-win_arm64.whl", hash = "sha256:cc41db090ed742f32bd2d2c721861725e6109681eddf835d0a82bd3a5c382827", size = 44804, upload-time = "2025-10-06T14:51:55.415Z" }, - { url = "https://files.pythonhosted.org/packages/b7/da/7d22601b625e241d4f23ef1ebff8acfc60da633c9e7e7922e24d10f592b3/multidict-6.7.0-py3-none-any.whl", hash = "sha256:394fc5c42a333c9ffc3e421a4c85e08580d990e08b99f6bf35b4132114c5dcb3", size = 12317, upload-time = "2025-10-06T14:52:29.272Z" }, -] - -[[package]] -name = "myst-parser" -version = "4.0.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "docutils" }, - { name = "jinja2" }, - { name = "markdown-it-py" }, - { name = "mdit-py-plugins" }, - { name = "pyyaml" }, - { name = "sphinx", version = "8.1.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "sphinx", version = "8.2.3", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/66/a5/9626ba4f73555b3735ad86247a8077d4603aa8628537687c839ab08bfe44/myst_parser-4.0.1.tar.gz", hash = "sha256:5cfea715e4f3574138aecbf7d54132296bfd72bb614d31168f48c477a830a7c4", size = 93985, upload-time = "2025-02-12T10:53:03.833Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/5f/df/76d0321c3797b54b60fef9ec3bd6f4cfd124b9e422182156a1dd418722cf/myst_parser-4.0.1-py3-none-any.whl", hash = "sha256:9134e88959ec3b5780aedf8a99680ea242869d012e8821db3126d427edc9c95d", size = 84579, upload-time = "2025-02-12T10:53:02.078Z" }, -] - -[package.optional-dependencies] -linkify = [ - { name = "linkify-it-py" }, -] - -[[package]] -name = "natsort" -version = "8.4.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/e2/a9/a0c57aee75f77794adaf35322f8b6404cbd0f89ad45c87197a937764b7d0/natsort-8.4.0.tar.gz", hash = "sha256:45312c4a0e5507593da193dedd04abb1469253b601ecaf63445ad80f0a1ea581", size = 76575, upload-time = "2023-06-20T04:17:19.925Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ef/82/7a9d0550484a62c6da82858ee9419f3dd1ccc9aa1c26a1e43da3ecd20b0d/natsort-8.4.0-py3-none-any.whl", hash = "sha256:4732914fb471f56b5cce04d7bae6f164a592c7712e1c85f9ef585e197299521c", size = 38268, upload-time = "2023-06-20T04:17:17.522Z" }, -] - -[[package]] -name = "nbclient" -version = "0.10.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "jupyter-client" }, - { name = "jupyter-core" }, - { name = "nbformat" }, - { name = "traitlets" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/87/66/7ffd18d58eae90d5721f9f39212327695b749e23ad44b3881744eaf4d9e8/nbclient-0.10.2.tar.gz", hash = "sha256:90b7fc6b810630db87a6d0c2250b1f0ab4cf4d3c27a299b0cde78a4ed3fd9193", size = 62424, upload-time = "2024-12-19T10:32:27.164Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/34/6d/e7fa07f03a4a7b221d94b4d586edb754a9b0dc3c9e2c93353e9fa4e0d117/nbclient-0.10.2-py3-none-any.whl", hash = "sha256:4ffee11e788b4a27fabeb7955547e4318a5298f34342a4bfd01f2e1faaeadc3d", size = 25434, upload-time = "2024-12-19T10:32:24.139Z" }, -] - -[[package]] -name = "nbconvert" -version = "7.16.6" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "beautifulsoup4" }, - { name = "bleach", extra = ["css"] }, - { name = "defusedxml" }, - { name = "jinja2" }, - { name = "jupyter-core" }, - { name = "jupyterlab-pygments" }, - { name = "markupsafe" }, - { name = "mistune" }, - { name = "nbclient" }, - { name = "nbformat" }, - { name = "packaging" }, - { name = "pandocfilters" }, - { name = "pygments" }, - { name = "traitlets" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/a3/59/f28e15fc47ffb73af68a8d9b47367a8630d76e97ae85ad18271b9db96fdf/nbconvert-7.16.6.tar.gz", hash = "sha256:576a7e37c6480da7b8465eefa66c17844243816ce1ccc372633c6b71c3c0f582", size = 857715, upload-time = "2025-01-28T09:29:14.724Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/cc/9a/cd673b2f773a12c992f41309ef81b99da1690426bd2f96957a7ade0d3ed7/nbconvert-7.16.6-py3-none-any.whl", hash = "sha256:1375a7b67e0c2883678c48e506dc320febb57685e5ee67faa51b18a90f3a712b", size = 258525, upload-time = "2025-01-28T09:29:12.551Z" }, -] - -[[package]] -name = "nbformat" -version = "5.10.4" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "fastjsonschema" }, - { name = "jsonschema" }, - { name = "jupyter-core" }, - { name = "traitlets" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/6d/fd/91545e604bc3dad7dca9ed03284086039b294c6b3d75c0d2fa45f9e9caf3/nbformat-5.10.4.tar.gz", hash = "sha256:322168b14f937a5d11362988ecac2a4952d3d8e3a2cbeb2319584631226d5b3a", size = 142749, upload-time = "2024-04-04T11:20:37.371Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/a9/82/0340caa499416c78e5d8f5f05947ae4bc3cba53c9f038ab6e9ed964e22f1/nbformat-5.10.4-py3-none-any.whl", hash = "sha256:3b48d6c8fbca4b299bf3982ea7db1af21580e4fec269ad087b9e81588891200b", size = 78454, upload-time = "2024-04-04T11:20:34.895Z" }, -] - -[[package]] -name = "nbsphinx" -version = "0.9.6" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", -] -dependencies = [ - { name = "docutils", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "jinja2", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nbconvert", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nbformat", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sphinx", version = "8.2.3", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "traitlets", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/62/38/6f6a0f9115b493af9d69b68335945827dd46e09de8ef525d1f58cd0870dc/nbsphinx-0.9.6.tar.gz", hash = "sha256:c2b28a2d702f1159a95b843831798e86e60a17fc647b9bff9ba1585355de54e3", size = 180213, upload-time = "2024-12-24T09:30:33.426Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/6a/8a/5dc4c8794053572a89f5c44437ef4e870f88903a6b6734500af1286f9018/nbsphinx-0.9.6-py3-none-any.whl", hash = "sha256:336b0b557945a7678ec7449b16449f854bc852a435bb53b8a72e6b5dc740d992", size = 31582, upload-time = "2024-12-24T09:30:30.03Z" }, -] - -[[package]] -name = "nbsphinx" -version = "0.9.7" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version >= '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.14.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", -] -dependencies = [ - { name = "docutils", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "jinja2", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "nbconvert", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "nbformat", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "sphinx", version = "8.1.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "traitlets", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/1e/84/b1856b7651ac34e965aa567a158714c7f3bd42a1b1ce76bf423ffb99872c/nbsphinx-0.9.7.tar.gz", hash = "sha256:abd298a686d55fa894ef697c51d44f24e53aa312dadae38e82920f250a5456fe", size = 180479, upload-time = "2025-03-03T19:46:08.069Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/49/2d/8c8e635bcc6757573d311bb3c5445426382f280da32b8cd6d82d501ef4a4/nbsphinx-0.9.7-py3-none-any.whl", hash = "sha256:7292c3767fea29e405c60743eee5393682a83982ab202ff98f5eb2db02629da8", size = 31660, upload-time = "2025-03-03T19:46:06.581Z" }, -] - -[[package]] -name = "nest-asyncio" -version = "1.6.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/83/f8/51569ac65d696c8ecbee95938f89d4abf00f47d58d48f6fbabfe8f0baefe/nest_asyncio-1.6.0.tar.gz", hash = "sha256:6f172d5449aca15afd6c646851f4e31e02c598d553a667e38cafa997cfec55fe", size = 7418, upload-time = "2024-01-21T14:25:19.227Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/a0/c4/c2971a3ba4c6103a3d10c4b0f24f461ddc027f0f09763220cf35ca1401b3/nest_asyncio-1.6.0-py3-none-any.whl", hash = "sha256:87af6efd6b5e897c81050477ef65c62e2b2f35d51703cae01aff2905b1852e1c", size = 5195, upload-time = "2024-01-21T14:25:17.223Z" }, -] - -[[package]] -name = "networkx" -version = "3.4.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/fd/1d/06475e1cd5264c0b870ea2cc6fdb3e37177c1e565c43f56ff17a10e3937f/networkx-3.4.2.tar.gz", hash = "sha256:307c3669428c5362aab27c8a1260aa8f47c4e91d3891f48be0141738d8d053e1", size = 2151368, upload-time = "2024-10-21T12:39:38.695Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/b9/54/dd730b32ea14ea797530a4479b2ed46a6fb250f682a9cfb997e968bf0261/networkx-3.4.2-py3-none-any.whl", hash = "sha256:df5d4365b724cf81b8c6a7312509d0c22386097011ad1abe274afd5e9d3bbc5f", size = 1723263, upload-time = "2024-10-21T12:39:36.247Z" }, -] - -[[package]] -name = "ninja" -version = "1.13.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/43/73/79a0b22fc731989c708068427579e840a6cf4e937fe7ae5c5d0b7356ac22/ninja-1.13.0.tar.gz", hash = "sha256:4a40ce995ded54d9dc24f8ea37ff3bf62ad192b547f6c7126e7e25045e76f978", size = 242558, upload-time = "2025-08-11T15:10:19.421Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/3c/74/d02409ed2aa865e051b7edda22ad416a39d81a84980f544f8de717cab133/ninja-1.13.0-py3-none-macosx_10_9_universal2.whl", hash = "sha256:fa2a8bfc62e31b08f83127d1613d10821775a0eb334197154c4d6067b7068ff1", size = 310125, upload-time = "2025-08-11T15:09:50.971Z" }, - { url = "https://files.pythonhosted.org/packages/8e/de/6e1cd6b84b412ac1ef327b76f0641aeb5dcc01e9d3f9eee0286d0c34fd93/ninja-1.13.0-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:3d00c692fb717fd511abeb44b8c5d00340c36938c12d6538ba989fe764e79630", size = 177467, upload-time = "2025-08-11T15:09:52.767Z" }, - { url = "https://files.pythonhosted.org/packages/c8/83/49320fb6e58ae3c079381e333575fdbcf1cca3506ee160a2dcce775046fa/ninja-1.13.0-py3-none-manylinux2014_i686.manylinux_2_17_i686.whl", hash = "sha256:be7f478ff9f96a128b599a964fc60a6a87b9fa332ee1bd44fa243ac88d50291c", size = 187834, upload-time = "2025-08-11T15:09:54.115Z" }, - { url = "https://files.pythonhosted.org/packages/56/c7/ba22748fb59f7f896b609cd3e568d28a0a367a6d953c24c461fe04fc4433/ninja-1.13.0-py3-none-manylinux2014_ppc64le.manylinux_2_17_ppc64le.whl", hash = "sha256:60056592cf495e9a6a4bea3cd178903056ecb0943e4de45a2ea825edb6dc8d3e", size = 202736, upload-time = "2025-08-11T15:09:55.745Z" }, - { url = "https://files.pythonhosted.org/packages/79/22/d1de07632b78ac8e6b785f41fa9aad7a978ec8c0a1bf15772def36d77aac/ninja-1.13.0-py3-none-manylinux2014_s390x.manylinux_2_17_s390x.whl", hash = "sha256:1c97223cdda0417f414bf864cfb73b72d8777e57ebb279c5f6de368de0062988", size = 179034, upload-time = "2025-08-11T15:09:57.394Z" }, - { url = "https://files.pythonhosted.org/packages/ed/de/0e6edf44d6a04dabd0318a519125ed0415ce437ad5a1ec9b9be03d9048cf/ninja-1.13.0-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:fb46acf6b93b8dd0322adc3a4945452a4e774b75b91293bafcc7b7f8e6517dfa", size = 180716, upload-time = "2025-08-11T15:09:58.696Z" }, - { url = "https://files.pythonhosted.org/packages/54/28/938b562f9057aaa4d6bfbeaa05e81899a47aebb3ba6751e36c027a7f5ff7/ninja-1.13.0-py3-none-manylinux_2_28_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:4be9c1b082d244b1ad7ef41eb8ab088aae8c109a9f3f0b3e56a252d3e00f42c1", size = 146843, upload-time = "2025-08-11T15:10:00.046Z" }, - { url = "https://files.pythonhosted.org/packages/2a/fb/d06a3838de4f8ab866e44ee52a797b5491df823901c54943b2adb0389fbb/ninja-1.13.0-py3-none-manylinux_2_31_riscv64.whl", hash = "sha256:6739d3352073341ad284246f81339a384eec091d9851a886dfa5b00a6d48b3e2", size = 154402, upload-time = "2025-08-11T15:10:01.657Z" }, - { url = "https://files.pythonhosted.org/packages/31/bf/0d7808af695ceddc763cf251b84a9892cd7f51622dc8b4c89d5012779f06/ninja-1.13.0-py3-none-musllinux_1_2_aarch64.whl", hash = "sha256:11be2d22027bde06f14c343f01d31446747dbb51e72d00decca2eb99be911e2f", size = 552388, upload-time = "2025-08-11T15:10:03.349Z" }, - { url = "https://files.pythonhosted.org/packages/9d/70/c99d0c2c809f992752453cce312848abb3b1607e56d4cd1b6cded317351a/ninja-1.13.0-py3-none-musllinux_1_2_armv7l.whl", hash = "sha256:aa45b4037b313c2f698bc13306239b8b93b4680eb47e287773156ac9e9304714", size = 472501, upload-time = "2025-08-11T15:10:04.735Z" }, - { url = "https://files.pythonhosted.org/packages/9f/43/c217b1153f0e499652f5e0766da8523ce3480f0a951039c7af115e224d55/ninja-1.13.0-py3-none-musllinux_1_2_i686.whl", hash = "sha256:5f8e1e8a1a30835eeb51db05cf5a67151ad37542f5a4af2a438e9490915e5b72", size = 638280, upload-time = "2025-08-11T15:10:06.512Z" }, - { url = "https://files.pythonhosted.org/packages/8c/45/9151bba2c8d0ae2b6260f71696330590de5850e5574b7b5694dce6023e20/ninja-1.13.0-py3-none-musllinux_1_2_ppc64le.whl", hash = "sha256:3d7d7779d12cb20c6d054c61b702139fd23a7a964ec8f2c823f1ab1b084150db", size = 642420, upload-time = "2025-08-11T15:10:08.35Z" }, - { url = "https://files.pythonhosted.org/packages/3c/fb/95752eb635bb8ad27d101d71bef15bc63049de23f299e312878fc21cb2da/ninja-1.13.0-py3-none-musllinux_1_2_riscv64.whl", hash = "sha256:d741a5e6754e0bda767e3274a0f0deeef4807f1fec6c0d7921a0244018926ae5", size = 585106, upload-time = "2025-08-11T15:10:09.818Z" }, - { url = "https://files.pythonhosted.org/packages/c1/31/aa56a1a286703800c0cbe39fb4e82811c277772dc8cd084f442dd8e2938a/ninja-1.13.0-py3-none-musllinux_1_2_s390x.whl", hash = "sha256:e8bad11f8a00b64137e9b315b137d8bb6cbf3086fbdc43bf1f90fd33324d2e96", size = 707138, upload-time = "2025-08-11T15:10:11.366Z" }, - { url = "https://files.pythonhosted.org/packages/34/6f/5f5a54a1041af945130abdb2b8529cbef0cdcbbf9bcf3f4195378319d29a/ninja-1.13.0-py3-none-musllinux_1_2_x86_64.whl", hash = "sha256:b4f2a072db3c0f944c32793e91532d8948d20d9ab83da9c0c7c15b5768072200", size = 581758, upload-time = "2025-08-11T15:10:13.295Z" }, - { url = "https://files.pythonhosted.org/packages/95/97/51359c77527d45943fe7a94d00a3843b81162e6c4244b3579fe8fc54cb9c/ninja-1.13.0-py3-none-win32.whl", hash = "sha256:8cfbb80b4a53456ae8a39f90ae3d7a2129f45ea164f43fadfa15dc38c4aef1c9", size = 267201, upload-time = "2025-08-11T15:10:15.158Z" }, - { url = "https://files.pythonhosted.org/packages/29/45/c0adfbfb0b5895aa18cec400c535b4f7ff3e52536e0403602fc1a23f7de9/ninja-1.13.0-py3-none-win_amd64.whl", hash = "sha256:fb8ee8719f8af47fed145cced4a85f0755dd55d45b2bddaf7431fa89803c5f3e", size = 309975, upload-time = "2025-08-11T15:10:16.697Z" }, - { url = "https://files.pythonhosted.org/packages/df/93/a7b983643d1253bb223234b5b226e69de6cda02b76cdca7770f684b795f5/ninja-1.13.0-py3-none-win_arm64.whl", hash = "sha256:3c0b40b1f0bba764644385319028650087b4c1b18cdfa6f45cb39a3669b81aa9", size = 290806, upload-time = "2025-08-11T15:10:18.018Z" }, -] - -[[package]] -name = "nncf" -version = "2.18.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "jsonschema" }, - { name = "natsort" }, - { name = "networkx" }, - { name = "ninja" }, - { name = "numpy" }, - { name = "openvino-telemetry" }, - { name = "packaging" }, - { name = "pandas" }, - { name = "psutil" }, - { name = "pydot" }, - { name = "pymoo" }, - { name = "rich" }, - { name = "safetensors" }, - { name = "scikit-learn" }, - { name = "scipy", version = "1.15.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "scipy", version = "1.16.2", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "tabulate" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/01/7f/f9c16a16c6553c03ab2ac2f8bf73d550784c89e03721ba68fee8ccaa4b20/nncf-2.18.0.tar.gz", hash = "sha256:b9e8852c3ac00bca3ad41698c245ce222ab7b531ec1089c0e83a3b4284283c1c", size = 995062, upload-time = "2025-09-04T14:37:46.962Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ea/7b/afe5d308bc8ee7bc521113cad2f3ee5b3c6936f294b1d76cbab1c31de5b9/nncf-2.18.0-py3-none-any.whl", hash = "sha256:7744b5d4c4991fee5cfcd934968cb429d3a8196782168cce7d40ecbedfea4d7f", size = 1452120, upload-time = "2025-09-04T14:37:45.551Z" }, -] - -[[package]] -name = "nodeenv" -version = "1.9.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/43/16/fc88b08840de0e0a72a2f9d8c6bae36be573e475a6326ae854bcc549fc45/nodeenv-1.9.1.tar.gz", hash = "sha256:6ec12890a2dab7946721edbfbcd91f3319c6ccc9aec47be7c7e6b7011ee6645f", size = 47437, upload-time = "2024-06-04T18:44:11.171Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/d2/1d/1b658dbd2b9fa9c4c9f32accbfc0205d532c8c6194dc0f2a4c0428e7128a/nodeenv-1.9.1-py2.py3-none-any.whl", hash = "sha256:ba11c9782d29c27c70ffbdda2d7415098754709be8a7056d79a737cd901155c9", size = 22314, upload-time = "2024-06-04T18:44:08.352Z" }, -] - -[[package]] -name = "notebook" -version = "7.4.7" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "jupyter-server" }, - { name = "jupyterlab" }, - { name = "jupyterlab-server" }, - { name = "notebook-shim" }, - { name = "tornado" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/04/09/f6f64ba156842ef68d3ea763fa171a2f7e7224f200a15dd4af5b83c34756/notebook-7.4.7.tar.gz", hash = "sha256:3f0a04027dfcee8a876de48fba13ab77ec8c12f72f848a222ed7f5081b9e342a", size = 13937702, upload-time = "2025-09-27T08:00:22.536Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/6c/d7/06d13087e20388926e7423d2489e728d2e59f2453039cdb0574a7c070e76/notebook-7.4.7-py3-none-any.whl", hash = "sha256:362b7c95527f7dd3c4c84d410b782872fd9c734fb2524c11dd92758527b6eda6", size = 14342894, upload-time = "2025-09-27T08:00:18.496Z" }, -] - -[[package]] -name = "notebook-shim" -version = "0.2.4" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "jupyter-server" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/54/d2/92fa3243712b9a3e8bafaf60aac366da1cada3639ca767ff4b5b3654ec28/notebook_shim-0.2.4.tar.gz", hash = "sha256:b4b2cfa1b65d98307ca24361f5b30fe785b53c3fd07b7a47e89acb5e6ac638cb", size = 13167, upload-time = "2024-02-14T23:35:18.353Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/f9/33/bd5b9137445ea4b680023eb0469b2bb969d61303dedb2aac6560ff3d14a1/notebook_shim-0.2.4-py3-none-any.whl", hash = "sha256:411a5be4e9dc882a074ccbcae671eda64cceb068767e9a3419096986560e1cef", size = 13307, upload-time = "2024-02-14T23:35:16.286Z" }, -] - -[[package]] -name = "numpy" -version = "2.2.6" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/76/21/7d2a95e4bba9dc13d043ee156a356c0a8f0c6309dff6b21b4d71a073b8a8/numpy-2.2.6.tar.gz", hash = "sha256:e29554e2bef54a90aa5cc07da6ce955accb83f21ab5de01a62c8478897b264fd", size = 20276440, upload-time = "2025-05-17T22:38:04.611Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/9a/3e/ed6db5be21ce87955c0cbd3009f2803f59fa08df21b5df06862e2d8e2bdd/numpy-2.2.6-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:b412caa66f72040e6d268491a59f2c43bf03eb6c96dd8f0307829feb7fa2b6fb", size = 21165245, upload-time = "2025-05-17T21:27:58.555Z" }, - { url = "https://files.pythonhosted.org/packages/22/c2/4b9221495b2a132cc9d2eb862e21d42a009f5a60e45fc44b00118c174bff/numpy-2.2.6-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:8e41fd67c52b86603a91c1a505ebaef50b3314de0213461c7a6e99c9a3beff90", size = 14360048, upload-time = "2025-05-17T21:28:21.406Z" }, - { url = "https://files.pythonhosted.org/packages/fd/77/dc2fcfc66943c6410e2bf598062f5959372735ffda175b39906d54f02349/numpy-2.2.6-cp310-cp310-macosx_14_0_arm64.whl", hash = "sha256:37e990a01ae6ec7fe7fa1c26c55ecb672dd98b19c3d0e1d1f326fa13cb38d163", size = 5340542, upload-time = "2025-05-17T21:28:30.931Z" }, - { url = "https://files.pythonhosted.org/packages/7a/4f/1cb5fdc353a5f5cc7feb692db9b8ec2c3d6405453f982435efc52561df58/numpy-2.2.6-cp310-cp310-macosx_14_0_x86_64.whl", hash = "sha256:5a6429d4be8ca66d889b7cf70f536a397dc45ba6faeb5f8c5427935d9592e9cf", size = 6878301, upload-time = "2025-05-17T21:28:41.613Z" }, - { url = "https://files.pythonhosted.org/packages/eb/17/96a3acd228cec142fcb8723bd3cc39c2a474f7dcf0a5d16731980bcafa95/numpy-2.2.6-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:efd28d4e9cd7d7a8d39074a4d44c63eda73401580c5c76acda2ce969e0a38e83", size = 14297320, upload-time = "2025-05-17T21:29:02.78Z" }, - { url = "https://files.pythonhosted.org/packages/b4/63/3de6a34ad7ad6646ac7d2f55ebc6ad439dbbf9c4370017c50cf403fb19b5/numpy-2.2.6-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fc7b73d02efb0e18c000e9ad8b83480dfcd5dfd11065997ed4c6747470ae8915", size = 16801050, upload-time = "2025-05-17T21:29:27.675Z" }, - { url = "https://files.pythonhosted.org/packages/07/b6/89d837eddef52b3d0cec5c6ba0456c1bf1b9ef6a6672fc2b7873c3ec4e2e/numpy-2.2.6-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:74d4531beb257d2c3f4b261bfb0fc09e0f9ebb8842d82a7b4209415896adc680", size = 15807034, upload-time = "2025-05-17T21:29:51.102Z" }, - { url = "https://files.pythonhosted.org/packages/01/c8/dc6ae86e3c61cfec1f178e5c9f7858584049b6093f843bca541f94120920/numpy-2.2.6-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:8fc377d995680230e83241d8a96def29f204b5782f371c532579b4f20607a289", size = 18614185, upload-time = "2025-05-17T21:30:18.703Z" }, - { url = "https://files.pythonhosted.org/packages/5b/c5/0064b1b7e7c89137b471ccec1fd2282fceaae0ab3a9550f2568782d80357/numpy-2.2.6-cp310-cp310-win32.whl", hash = "sha256:b093dd74e50a8cba3e873868d9e93a85b78e0daf2e98c6797566ad8044e8363d", size = 6527149, upload-time = "2025-05-17T21:30:29.788Z" }, - { url = "https://files.pythonhosted.org/packages/a3/dd/4b822569d6b96c39d1215dbae0582fd99954dcbcf0c1a13c61783feaca3f/numpy-2.2.6-cp310-cp310-win_amd64.whl", hash = "sha256:f0fd6321b839904e15c46e0d257fdd101dd7f530fe03fd6359c1ea63738703f3", size = 12904620, upload-time = "2025-05-17T21:30:48.994Z" }, - { url = "https://files.pythonhosted.org/packages/da/a8/4f83e2aa666a9fbf56d6118faaaf5f1974d456b1823fda0a176eff722839/numpy-2.2.6-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:f9f1adb22318e121c5c69a09142811a201ef17ab257a1e66ca3025065b7f53ae", size = 21176963, upload-time = "2025-05-17T21:31:19.36Z" }, - { url = "https://files.pythonhosted.org/packages/b3/2b/64e1affc7972decb74c9e29e5649fac940514910960ba25cd9af4488b66c/numpy-2.2.6-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:c820a93b0255bc360f53eca31a0e676fd1101f673dda8da93454a12e23fc5f7a", size = 14406743, upload-time = "2025-05-17T21:31:41.087Z" }, - { url = "https://files.pythonhosted.org/packages/4a/9f/0121e375000b5e50ffdd8b25bf78d8e1a5aa4cca3f185d41265198c7b834/numpy-2.2.6-cp311-cp311-macosx_14_0_arm64.whl", hash = "sha256:3d70692235e759f260c3d837193090014aebdf026dfd167834bcba43e30c2a42", size = 5352616, upload-time = "2025-05-17T21:31:50.072Z" }, - { url = "https://files.pythonhosted.org/packages/31/0d/b48c405c91693635fbe2dcd7bc84a33a602add5f63286e024d3b6741411c/numpy-2.2.6-cp311-cp311-macosx_14_0_x86_64.whl", hash = "sha256:481b49095335f8eed42e39e8041327c05b0f6f4780488f61286ed3c01368d491", size = 6889579, upload-time = "2025-05-17T21:32:01.712Z" }, - { url = "https://files.pythonhosted.org/packages/52/b8/7f0554d49b565d0171eab6e99001846882000883998e7b7d9f0d98b1f934/numpy-2.2.6-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b64d8d4d17135e00c8e346e0a738deb17e754230d7e0810ac5012750bbd85a5a", size = 14312005, upload-time = "2025-05-17T21:32:23.332Z" }, - { url = "https://files.pythonhosted.org/packages/b3/dd/2238b898e51bd6d389b7389ffb20d7f4c10066d80351187ec8e303a5a475/numpy-2.2.6-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ba10f8411898fc418a521833e014a77d3ca01c15b0c6cdcce6a0d2897e6dbbdf", size = 16821570, upload-time = "2025-05-17T21:32:47.991Z" }, - { url = "https://files.pythonhosted.org/packages/83/6c/44d0325722cf644f191042bf47eedad61c1e6df2432ed65cbe28509d404e/numpy-2.2.6-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:bd48227a919f1bafbdda0583705e547892342c26fb127219d60a5c36882609d1", size = 15818548, upload-time = "2025-05-17T21:33:11.728Z" }, - { url = "https://files.pythonhosted.org/packages/ae/9d/81e8216030ce66be25279098789b665d49ff19eef08bfa8cb96d4957f422/numpy-2.2.6-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:9551a499bf125c1d4f9e250377c1ee2eddd02e01eac6644c080162c0c51778ab", size = 18620521, upload-time = "2025-05-17T21:33:39.139Z" }, - { url = "https://files.pythonhosted.org/packages/6a/fd/e19617b9530b031db51b0926eed5345ce8ddc669bb3bc0044b23e275ebe8/numpy-2.2.6-cp311-cp311-win32.whl", hash = "sha256:0678000bb9ac1475cd454c6b8c799206af8107e310843532b04d49649c717a47", size = 6525866, upload-time = "2025-05-17T21:33:50.273Z" }, - { url = "https://files.pythonhosted.org/packages/31/0a/f354fb7176b81747d870f7991dc763e157a934c717b67b58456bc63da3df/numpy-2.2.6-cp311-cp311-win_amd64.whl", hash = "sha256:e8213002e427c69c45a52bbd94163084025f533a55a59d6f9c5b820774ef3303", size = 12907455, upload-time = "2025-05-17T21:34:09.135Z" }, - { url = "https://files.pythonhosted.org/packages/82/5d/c00588b6cf18e1da539b45d3598d3557084990dcc4331960c15ee776ee41/numpy-2.2.6-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:41c5a21f4a04fa86436124d388f6ed60a9343a6f767fced1a8a71c3fbca038ff", size = 20875348, upload-time = "2025-05-17T21:34:39.648Z" }, - { url = "https://files.pythonhosted.org/packages/66/ee/560deadcdde6c2f90200450d5938f63a34b37e27ebff162810f716f6a230/numpy-2.2.6-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:de749064336d37e340f640b05f24e9e3dd678c57318c7289d222a8a2f543e90c", size = 14119362, upload-time = "2025-05-17T21:35:01.241Z" }, - { url = "https://files.pythonhosted.org/packages/3c/65/4baa99f1c53b30adf0acd9a5519078871ddde8d2339dc5a7fde80d9d87da/numpy-2.2.6-cp312-cp312-macosx_14_0_arm64.whl", hash = "sha256:894b3a42502226a1cac872f840030665f33326fc3dac8e57c607905773cdcde3", size = 5084103, upload-time = "2025-05-17T21:35:10.622Z" }, - { url = "https://files.pythonhosted.org/packages/cc/89/e5a34c071a0570cc40c9a54eb472d113eea6d002e9ae12bb3a8407fb912e/numpy-2.2.6-cp312-cp312-macosx_14_0_x86_64.whl", hash = "sha256:71594f7c51a18e728451bb50cc60a3ce4e6538822731b2933209a1f3614e9282", size = 6625382, upload-time = "2025-05-17T21:35:21.414Z" }, - { url = "https://files.pythonhosted.org/packages/f8/35/8c80729f1ff76b3921d5c9487c7ac3de9b2a103b1cd05e905b3090513510/numpy-2.2.6-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f2618db89be1b4e05f7a1a847a9c1c0abd63e63a1607d892dd54668dd92faf87", size = 14018462, upload-time = "2025-05-17T21:35:42.174Z" }, - { url = "https://files.pythonhosted.org/packages/8c/3d/1e1db36cfd41f895d266b103df00ca5b3cbe965184df824dec5c08c6b803/numpy-2.2.6-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fd83c01228a688733f1ded5201c678f0c53ecc1006ffbc404db9f7a899ac6249", size = 16527618, upload-time = "2025-05-17T21:36:06.711Z" }, - { url = "https://files.pythonhosted.org/packages/61/c6/03ed30992602c85aa3cd95b9070a514f8b3c33e31124694438d88809ae36/numpy-2.2.6-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:37c0ca431f82cd5fa716eca9506aefcabc247fb27ba69c5062a6d3ade8cf8f49", size = 15505511, upload-time = "2025-05-17T21:36:29.965Z" }, - { url = "https://files.pythonhosted.org/packages/b7/25/5761d832a81df431e260719ec45de696414266613c9ee268394dd5ad8236/numpy-2.2.6-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:fe27749d33bb772c80dcd84ae7e8df2adc920ae8297400dabec45f0dedb3f6de", size = 18313783, upload-time = "2025-05-17T21:36:56.883Z" }, - { url = "https://files.pythonhosted.org/packages/57/0a/72d5a3527c5ebffcd47bde9162c39fae1f90138c961e5296491ce778e682/numpy-2.2.6-cp312-cp312-win32.whl", hash = "sha256:4eeaae00d789f66c7a25ac5f34b71a7035bb474e679f410e5e1a94deb24cf2d4", size = 6246506, upload-time = "2025-05-17T21:37:07.368Z" }, - { url = "https://files.pythonhosted.org/packages/36/fa/8c9210162ca1b88529ab76b41ba02d433fd54fecaf6feb70ef9f124683f1/numpy-2.2.6-cp312-cp312-win_amd64.whl", hash = "sha256:c1f9540be57940698ed329904db803cf7a402f3fc200bfe599334c9bd84a40b2", size = 12614190, upload-time = "2025-05-17T21:37:26.213Z" }, - { url = "https://files.pythonhosted.org/packages/f9/5c/6657823f4f594f72b5471f1db1ab12e26e890bb2e41897522d134d2a3e81/numpy-2.2.6-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:0811bb762109d9708cca4d0b13c4f67146e3c3b7cf8d34018c722adb2d957c84", size = 20867828, upload-time = "2025-05-17T21:37:56.699Z" }, - { url = "https://files.pythonhosted.org/packages/dc/9e/14520dc3dadf3c803473bd07e9b2bd1b69bc583cb2497b47000fed2fa92f/numpy-2.2.6-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:287cc3162b6f01463ccd86be154f284d0893d2b3ed7292439ea97eafa8170e0b", size = 14143006, upload-time = "2025-05-17T21:38:18.291Z" }, - { url = "https://files.pythonhosted.org/packages/4f/06/7e96c57d90bebdce9918412087fc22ca9851cceaf5567a45c1f404480e9e/numpy-2.2.6-cp313-cp313-macosx_14_0_arm64.whl", hash = "sha256:f1372f041402e37e5e633e586f62aa53de2eac8d98cbfb822806ce4bbefcb74d", size = 5076765, upload-time = "2025-05-17T21:38:27.319Z" }, - { url = "https://files.pythonhosted.org/packages/73/ed/63d920c23b4289fdac96ddbdd6132e9427790977d5457cd132f18e76eae0/numpy-2.2.6-cp313-cp313-macosx_14_0_x86_64.whl", hash = "sha256:55a4d33fa519660d69614a9fad433be87e5252f4b03850642f88993f7b2ca566", size = 6617736, upload-time = "2025-05-17T21:38:38.141Z" }, - { url = "https://files.pythonhosted.org/packages/85/c5/e19c8f99d83fd377ec8c7e0cf627a8049746da54afc24ef0a0cb73d5dfb5/numpy-2.2.6-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f92729c95468a2f4f15e9bb94c432a9229d0d50de67304399627a943201baa2f", size = 14010719, upload-time = "2025-05-17T21:38:58.433Z" }, - { url = "https://files.pythonhosted.org/packages/19/49/4df9123aafa7b539317bf6d342cb6d227e49f7a35b99c287a6109b13dd93/numpy-2.2.6-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1bc23a79bfabc5d056d106f9befb8d50c31ced2fbc70eedb8155aec74a45798f", size = 16526072, upload-time = "2025-05-17T21:39:22.638Z" }, - { url = "https://files.pythonhosted.org/packages/b2/6c/04b5f47f4f32f7c2b0e7260442a8cbcf8168b0e1a41ff1495da42f42a14f/numpy-2.2.6-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:e3143e4451880bed956e706a3220b4e5cf6172ef05fcc397f6f36a550b1dd868", size = 15503213, upload-time = "2025-05-17T21:39:45.865Z" }, - { url = "https://files.pythonhosted.org/packages/17/0a/5cd92e352c1307640d5b6fec1b2ffb06cd0dabe7d7b8227f97933d378422/numpy-2.2.6-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:b4f13750ce79751586ae2eb824ba7e1e8dba64784086c98cdbbcc6a42112ce0d", size = 18316632, upload-time = "2025-05-17T21:40:13.331Z" }, - { url = "https://files.pythonhosted.org/packages/f0/3b/5cba2b1d88760ef86596ad0f3d484b1cbff7c115ae2429678465057c5155/numpy-2.2.6-cp313-cp313-win32.whl", hash = "sha256:5beb72339d9d4fa36522fc63802f469b13cdbe4fdab4a288f0c441b74272ebfd", size = 6244532, upload-time = "2025-05-17T21:43:46.099Z" }, - { url = "https://files.pythonhosted.org/packages/cb/3b/d58c12eafcb298d4e6d0d40216866ab15f59e55d148a5658bb3132311fcf/numpy-2.2.6-cp313-cp313-win_amd64.whl", hash = "sha256:b0544343a702fa80c95ad5d3d608ea3599dd54d4632df855e4c8d24eb6ecfa1c", size = 12610885, upload-time = "2025-05-17T21:44:05.145Z" }, - { url = "https://files.pythonhosted.org/packages/6b/9e/4bf918b818e516322db999ac25d00c75788ddfd2d2ade4fa66f1f38097e1/numpy-2.2.6-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:0bca768cd85ae743b2affdc762d617eddf3bcf8724435498a1e80132d04879e6", size = 20963467, upload-time = "2025-05-17T21:40:44Z" }, - { url = "https://files.pythonhosted.org/packages/61/66/d2de6b291507517ff2e438e13ff7b1e2cdbdb7cb40b3ed475377aece69f9/numpy-2.2.6-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:fc0c5673685c508a142ca65209b4e79ed6740a4ed6b2267dbba90f34b0b3cfda", size = 14225144, upload-time = "2025-05-17T21:41:05.695Z" }, - { url = "https://files.pythonhosted.org/packages/e4/25/480387655407ead912e28ba3a820bc69af9adf13bcbe40b299d454ec011f/numpy-2.2.6-cp313-cp313t-macosx_14_0_arm64.whl", hash = "sha256:5bd4fc3ac8926b3819797a7c0e2631eb889b4118a9898c84f585a54d475b7e40", size = 5200217, upload-time = "2025-05-17T21:41:15.903Z" }, - { url = "https://files.pythonhosted.org/packages/aa/4a/6e313b5108f53dcbf3aca0c0f3e9c92f4c10ce57a0a721851f9785872895/numpy-2.2.6-cp313-cp313t-macosx_14_0_x86_64.whl", hash = "sha256:fee4236c876c4e8369388054d02d0e9bb84821feb1a64dd59e137e6511a551f8", size = 6712014, upload-time = "2025-05-17T21:41:27.321Z" }, - { url = "https://files.pythonhosted.org/packages/b7/30/172c2d5c4be71fdf476e9de553443cf8e25feddbe185e0bd88b096915bcc/numpy-2.2.6-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e1dda9c7e08dc141e0247a5b8f49cf05984955246a327d4c48bda16821947b2f", size = 14077935, upload-time = "2025-05-17T21:41:49.738Z" }, - { url = "https://files.pythonhosted.org/packages/12/fb/9e743f8d4e4d3c710902cf87af3512082ae3d43b945d5d16563f26ec251d/numpy-2.2.6-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f447e6acb680fd307f40d3da4852208af94afdfab89cf850986c3ca00562f4fa", size = 16600122, upload-time = "2025-05-17T21:42:14.046Z" }, - { url = "https://files.pythonhosted.org/packages/12/75/ee20da0e58d3a66f204f38916757e01e33a9737d0b22373b3eb5a27358f9/numpy-2.2.6-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:389d771b1623ec92636b0786bc4ae56abafad4a4c513d36a55dce14bd9ce8571", size = 15586143, upload-time = "2025-05-17T21:42:37.464Z" }, - { url = "https://files.pythonhosted.org/packages/76/95/bef5b37f29fc5e739947e9ce5179ad402875633308504a52d188302319c8/numpy-2.2.6-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:8e9ace4a37db23421249ed236fdcdd457d671e25146786dfc96835cd951aa7c1", size = 18385260, upload-time = "2025-05-17T21:43:05.189Z" }, - { url = "https://files.pythonhosted.org/packages/09/04/f2f83279d287407cf36a7a8053a5abe7be3622a4363337338f2585e4afda/numpy-2.2.6-cp313-cp313t-win32.whl", hash = "sha256:038613e9fb8c72b0a41f025a7e4c3f0b7a1b5d768ece4796b674c8f3fe13efff", size = 6377225, upload-time = "2025-05-17T21:43:16.254Z" }, - { url = "https://files.pythonhosted.org/packages/67/0e/35082d13c09c02c011cf21570543d202ad929d961c02a147493cb0c2bdf5/numpy-2.2.6-cp313-cp313t-win_amd64.whl", hash = "sha256:6031dd6dfecc0cf9f668681a37648373bddd6421fff6c66ec1624eed0180ee06", size = 12771374, upload-time = "2025-05-17T21:43:35.479Z" }, - { url = "https://files.pythonhosted.org/packages/9e/3b/d94a75f4dbf1ef5d321523ecac21ef23a3cd2ac8b78ae2aac40873590229/numpy-2.2.6-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:0b605b275d7bd0c640cad4e5d30fa701a8d59302e127e5f79138ad62762c3e3d", size = 21040391, upload-time = "2025-05-17T21:44:35.948Z" }, - { url = "https://files.pythonhosted.org/packages/17/f4/09b2fa1b58f0fb4f7c7963a1649c64c4d315752240377ed74d9cd878f7b5/numpy-2.2.6-pp310-pypy310_pp73-macosx_14_0_x86_64.whl", hash = "sha256:7befc596a7dc9da8a337f79802ee8adb30a552a94f792b9c9d18c840055907db", size = 6786754, upload-time = "2025-05-17T21:44:47.446Z" }, - { url = "https://files.pythonhosted.org/packages/af/30/feba75f143bdc868a1cc3f44ccfa6c4b9ec522b36458e738cd00f67b573f/numpy-2.2.6-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ce47521a4754c8f4593837384bd3424880629f718d87c5d44f8ed763edd63543", size = 16643476, upload-time = "2025-05-17T21:45:11.871Z" }, - { url = "https://files.pythonhosted.org/packages/37/48/ac2a9584402fb6c0cd5b5d1a91dcf176b15760130dd386bbafdbfe3640bf/numpy-2.2.6-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:d042d24c90c41b54fd506da306759e06e568864df8ec17ccc17e9e884634fd00", size = 12812666, upload-time = "2025-05-17T21:45:31.426Z" }, -] - -[[package]] -name = "nvidia-cublas" -version = "13.0.0.19" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/02/99/8447b9ee9f070522ee66604ee819d632ab4568c68b3134cebd3837a015cd/nvidia_cublas-13.0.0.19-py3-none-manylinux_2_27_aarch64.whl", hash = "sha256:381b1a0ca636fdcb6920a871e8fc89dbfd1f6157f421ed0a6f2673e14cffd3bd", size = 539001158, upload-time = "2025-08-04T10:19:50.761Z" }, - { url = "https://files.pythonhosted.org/packages/5a/99/210e113dde53955e97042bd76dc4ad927eca04c5b4645ec157cc59f4f3ae/nvidia_cublas-13.0.0.19-py3-none-manylinux_2_27_x86_64.whl", hash = "sha256:f6723af2e8e2600a11dc384037d90d9bf93070e346c24ef2e8f9001658c99896", size = 419392356, upload-time = "2025-08-04T10:20:19.449Z" }, - { url = "https://files.pythonhosted.org/packages/52/e3/347dfb7dcea98730efb34428534452ace9350173b21db88bbe7031542ff0/nvidia_cublas-13.0.0.19-py3-none-win_amd64.whl", hash = "sha256:e6ecde441aaf0bb74ed538cfb3b18aa374f452aebf0162088bcb10942f7bbc33", size = 400515981, upload-time = "2025-08-04T10:29:54.83Z" }, -] - -[[package]] -name = "nvidia-cublas-cu11" -version = "11.11.3.6" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/46/be/c222e33e60d28ecd496a46fc4d78ccae0ee28e1fd7dc705b6288b4cad27e/nvidia_cublas_cu11-11.11.3.6-py3-none-manylinux1_x86_64.whl", hash = "sha256:39fb40e8f486dd8a2ddb8fdeefe1d5b28f5b99df01c87ab3676f057a74a5a6f3", size = 417870452, upload-time = "2022-10-18T21:17:48.638Z" }, - { url = "https://files.pythonhosted.org/packages/96/df/c5ac9ac5096355c47c606e613ecc7aa50fbccf5e0145df857d11da6464b1/nvidia_cublas_cu11-11.11.3.6-py3-none-manylinux2014_aarch64.whl", hash = "sha256:5ccae9e069a2c6be9af9cb5a0b0c6928c19c7915e390d15f598a1eead2a01a7a", size = 291428448, upload-time = "2024-08-16T23:59:46.358Z" }, - { url = "https://files.pythonhosted.org/packages/ea/2e/9d99c60771d275ecf6c914a612e9a577f740a615bc826bec132368e1d3ae/nvidia_cublas_cu11-11.11.3.6-py3-none-manylinux2014_x86_64.whl", hash = "sha256:60252822adea5d0b10cd990a7dc7bedf7435f30ae40083c7a624a85a43225abc", size = 417870460, upload-time = "2024-08-17T00:00:26.889Z" }, - { url = "https://files.pythonhosted.org/packages/0b/1d/7a78cd36fd5e3da4021b3ac2c2c8b2651dd72345b7c3ecc0d3e051884f50/nvidia_cublas_cu11-11.11.3.6-py3-none-win_amd64.whl", hash = "sha256:6ab12b1302bef8ac1ff4414edd1c059e57f4833abef9151683fb8f4de25900be", size = 427234740, upload-time = "2022-10-18T21:21:50.058Z" }, -] - -[[package]] -name = "nvidia-cublas-cu12" -version = "12.1.3.1" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/37/6d/121efd7382d5b0284239f4ab1fc1590d86d34ed4a4a2fdb13b30ca8e5740/nvidia_cublas_cu12-12.1.3.1-py3-none-manylinux1_x86_64.whl", hash = "sha256:ee53ccca76a6fc08fb9701aa95b6ceb242cdaab118c3bb152af4e579af792728", size = 410594774, upload-time = "2023-04-19T15:50:03.519Z" }, - { url = "https://files.pythonhosted.org/packages/c5/ef/32a375b74bea706c93deea5613552f7c9104f961b21df423f5887eca713b/nvidia_cublas_cu12-12.1.3.1-py3-none-win_amd64.whl", hash = "sha256:2b964d60e8cf11b5e1073d179d85fa340c120e99b3067558f3cf98dd69d02906", size = 439918445, upload-time = "2023-04-19T15:56:13.346Z" }, -] - -[[package]] -name = "nvidia-cublas-cu12" -version = "12.4.5.8" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/7f/7f/7fbae15a3982dc9595e49ce0f19332423b260045d0a6afe93cdbe2f1f624/nvidia_cublas_cu12-12.4.5.8-py3-none-manylinux2014_aarch64.whl", hash = "sha256:0f8aa1706812e00b9f19dfe0cdb3999b092ccb8ca168c0db5b8ea712456fd9b3", size = 363333771, upload-time = "2024-06-18T19:28:09.881Z" }, - { url = "https://files.pythonhosted.org/packages/ae/71/1c91302526c45ab494c23f61c7a84aa568b8c1f9d196efa5993957faf906/nvidia_cublas_cu12-12.4.5.8-py3-none-manylinux2014_x86_64.whl", hash = "sha256:2fc8da60df463fdefa81e323eef2e36489e1c94335b5358bcb38360adf75ac9b", size = 363438805, upload-time = "2024-04-03T20:57:06.025Z" }, - { url = "https://files.pythonhosted.org/packages/e2/2a/4f27ca96232e8b5269074a72e03b4e0d43aa68c9b965058b1684d07c6ff8/nvidia_cublas_cu12-12.4.5.8-py3-none-win_amd64.whl", hash = "sha256:5a796786da89203a0657eda402bcdcec6180254a8ac22d72213abc42069522dc", size = 396895858, upload-time = "2024-04-03T21:03:31.996Z" }, -] - -[[package]] -name = "nvidia-cuda-cupti" -version = "13.0.48" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/72/63/e9c12c3ae07c1f3a0821536bc188d7bf76e1b633b3bcd2bd393b00bb3426/nvidia_cuda_cupti-13.0.48-py3-none-manylinux_2_25_aarch64.whl", hash = "sha256:67c22627ef436afcf080b48e4ad17b3f83d9e7c0d990ad0c6c0627b01fb92ccc", size = 10171189, upload-time = "2025-08-04T10:16:24.39Z" }, - { url = "https://files.pythonhosted.org/packages/ba/28/e37d62ff27b4462953fdd5713d8a78760578dfa12685c30b71b55fab57b1/nvidia_cuda_cupti-13.0.48-py3-none-manylinux_2_25_x86_64.whl", hash = "sha256:417699e216b23d81bc0bbcb7032352f81b9c5372ef73c097a01abb83125a3d09", size = 10718148, upload-time = "2025-08-04T10:16:33.605Z" }, - { url = "https://files.pythonhosted.org/packages/7e/ec/a2c11d70bc7dce659c484f16a8b565cc3c533f1af21374b7287736ff08e8/nvidia_cuda_cupti-13.0.48-py3-none-win_amd64.whl", hash = "sha256:c0f0266d5674afad541888d4383bd172b7f90ff6df62df83ef9f5431a3c2c3b1", size = 7737757, upload-time = "2025-08-04T10:27:41.412Z" }, -] - -[[package]] -name = "nvidia-cuda-cupti-cu11" -version = "11.8.87" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/27/c9/b4b15f709a694ea9f84871c6c4fbeeb54bab225962d852665a2c6f77f90d/nvidia_cuda_cupti_cu11-11.8.87-py3-none-manylinux1_x86_64.whl", hash = "sha256:0e50c707df56c75a2c0703dc6b886f3c97a22f37d6f63839f75b7418ba672a8d", size = 13093657, upload-time = "2022-10-03T21:46:12.544Z" }, - { url = "https://files.pythonhosted.org/packages/1e/5a/fb7e315aaa9d2bb28d3f2d9127375823c43646e07db4fe1b08746626e677/nvidia_cuda_cupti_cu11-11.8.87-py3-none-manylinux2014_aarch64.whl", hash = "sha256:9aaa638963a8271df26b6ee0d93b781730b7acc6581ff700bd023d7934e4385e", size = 11687484, upload-time = "2024-08-16T23:56:27.303Z" }, - { url = "https://files.pythonhosted.org/packages/74/42/9f5c5cc084ce6f3073048c4f6806f45ba4c8c73f227c9587215d9c372e05/nvidia_cuda_cupti_cu11-11.8.87-py3-none-manylinux2014_x86_64.whl", hash = "sha256:4191a17913a706b5098681280cd089cd7d8d3df209a6f5cb79384974a96d24f2", size = 13093662, upload-time = "2024-08-16T23:56:38.082Z" }, - { url = "https://files.pythonhosted.org/packages/9c/b9/371cff81be29e008a69f1681f468a2b428fa4ea03842196c178cb4cf1991/nvidia_cuda_cupti_cu11-11.8.87-py3-none-win_amd64.whl", hash = "sha256:4332d8550ad5f5b673f98d08e4e4f82030cb604c66d8d5ee919399ea01312e58", size = 9952361, upload-time = "2022-10-03T23:38:14.399Z" }, -] - -[[package]] -name = "nvidia-cuda-cupti-cu12" -version = "12.1.105" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/7e/00/6b218edd739ecfc60524e585ba8e6b00554dd908de2c9c66c1af3e44e18d/nvidia_cuda_cupti_cu12-12.1.105-py3-none-manylinux1_x86_64.whl", hash = "sha256:e54fde3983165c624cb79254ae9818a456eb6e87a7fd4d56a2352c24ee542d7e", size = 14109015, upload-time = "2023-04-19T15:47:32.502Z" }, - { url = "https://files.pythonhosted.org/packages/d0/56/0021e32ea2848c24242f6b56790bd0ccc8bf99f973ca790569c6ca028107/nvidia_cuda_cupti_cu12-12.1.105-py3-none-win_amd64.whl", hash = "sha256:bea8236d13a0ac7190bd2919c3e8e6ce1e402104276e6f9694479e48bb0eb2a4", size = 10154340, upload-time = "2023-04-19T15:53:33.563Z" }, -] - -[[package]] -name = "nvidia-cuda-cupti-cu12" -version = "12.4.127" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/93/b5/9fb3d00386d3361b03874246190dfec7b206fd74e6e287b26a8fcb359d95/nvidia_cuda_cupti_cu12-12.4.127-py3-none-manylinux2014_aarch64.whl", hash = "sha256:79279b35cf6f91da114182a5ce1864997fd52294a87a16179ce275773799458a", size = 12354556, upload-time = "2024-06-18T19:30:40.546Z" }, - { url = "https://files.pythonhosted.org/packages/67/42/f4f60238e8194a3106d06a058d494b18e006c10bb2b915655bd9f6ea4cb1/nvidia_cuda_cupti_cu12-12.4.127-py3-none-manylinux2014_x86_64.whl", hash = "sha256:9dec60f5ac126f7bb551c055072b69d85392b13311fcc1bcda2202d172df30fb", size = 13813957, upload-time = "2024-04-03T20:55:01.564Z" }, - { url = "https://files.pythonhosted.org/packages/f3/79/8cf313ec17c58ccebc965568e5bcb265cdab0a1df99c4e674bb7a3b99bfe/nvidia_cuda_cupti_cu12-12.4.127-py3-none-win_amd64.whl", hash = "sha256:5688d203301ab051449a2b1cb6690fbe90d2b372f411521c86018b950f3d7922", size = 9938035, upload-time = "2024-04-03T21:01:01.109Z" }, -] - -[[package]] -name = "nvidia-cuda-nvrtc" -version = "13.0.48" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/be/5b/f7636b3d66caefade6a0a0dc5b705c259a2062c20ad18b432b3129d348e0/nvidia_cuda_nvrtc-13.0.48-py3-none-manylinux2010_x86_64.manylinux_2_12_x86_64.whl", hash = "sha256:87e13d186905a35e7c04ad553a2abded0fba22f93b43d02e5da6f6cf73fb4d0a", size = 90214268, upload-time = "2025-08-04T10:18:09.305Z" }, - { url = "https://files.pythonhosted.org/packages/c0/bd/eb18593b43dae42312612ffbac24b8e68149e590102c3b6cc2e3d3792069/nvidia_cuda_nvrtc-13.0.48-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:6ccf1ef1b90a0763ac7536f3c17046659d89869d76b98ac358efc2e09b348365", size = 43013627, upload-time = "2025-08-04T10:17:57.338Z" }, - { url = "https://files.pythonhosted.org/packages/d1/2f/1c8a0e63ba252ce11b719e448d334676e441f47d60c49161d5b620e226b6/nvidia_cuda_nvrtc-13.0.48-py3-none-win_amd64.whl", hash = "sha256:9f10c41c3822a9d44a19e9150a05c99425514b691b342c6db6729072c5b88edd", size = 76808363, upload-time = "2025-08-04T10:28:33.413Z" }, -] - -[[package]] -name = "nvidia-cuda-nvrtc-cu11" -version = "11.8.89" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/83/08/a9833e4e9f9165bedb7f36033b47aa399b053b9cb2eaf7b84d1e28705cf7/nvidia_cuda_nvrtc_cu11-11.8.89-py3-none-manylinux1_x86_64.whl", hash = "sha256:1f27d67b0f72902e9065ae568b4f6268dfe49ba3ed269c9a3da99bb86d1d2008", size = 23173264, upload-time = "2022-10-03T21:47:00.705Z" }, - { url = "https://files.pythonhosted.org/packages/1d/ad/58a9f86b0280190582691b1141ac3678c08f698d3d6161eed5cbe4e43b46/nvidia_cuda_nvrtc_cu11-11.8.89-py3-none-manylinux2014_aarch64.whl", hash = "sha256:8ab17ed51e7c4928f7170a0551e3e3b42f89d973bd267ced9688c238b3e10aef", size = 22671777, upload-time = "2024-08-16T23:57:58.688Z" }, - { url = "https://files.pythonhosted.org/packages/60/44/202e027c224c26e15a53f01c5c7604c7f6b4fd368882d3164ea08fead207/nvidia_cuda_nvrtc_cu11-11.8.89-py3-none-manylinux2014_x86_64.whl", hash = "sha256:a8d02f3cba345be56b1ffc3e74d8f61f02bb758dd31b0f20e12277a5a244f756", size = 23173745, upload-time = "2024-08-16T23:58:16.539Z" }, - { url = "https://files.pythonhosted.org/packages/c9/19/17745076214b0cc985cfdbabe2b3108f1237704985dab5b748e48432aca1/nvidia_cuda_nvrtc_cu11-11.8.89-py3-none-win_amd64.whl", hash = "sha256:e18a23a8f4064664a6f1c4a64f38c581cbebfb5935280e94a4943ea8ae3791b1", size = 19034935, upload-time = "2022-10-03T23:39:03.211Z" }, -] - -[[package]] -name = "nvidia-cuda-nvrtc-cu12" -version = "12.1.105" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/b6/9f/c64c03f49d6fbc56196664d05dba14e3a561038a81a638eeb47f4d4cfd48/nvidia_cuda_nvrtc_cu12-12.1.105-py3-none-manylinux1_x86_64.whl", hash = "sha256:339b385f50c309763ca65456ec75e17bbefcbbf2893f462cb8b90584cd27a1c2", size = 23671734, upload-time = "2023-04-19T15:48:32.42Z" }, - { url = "https://files.pythonhosted.org/packages/ad/1d/f76987c4f454eb86e0b9a0e4f57c3bf1ac1d13ad13cd1a4da4eb0e0c0ce9/nvidia_cuda_nvrtc_cu12-12.1.105-py3-none-win_amd64.whl", hash = "sha256:0a98a522d9ff138b96c010a65e145dc1b4850e9ecb75a0172371793752fd46ed", size = 19331863, upload-time = "2023-04-19T15:54:34.603Z" }, -] - -[[package]] -name = "nvidia-cuda-nvrtc-cu12" -version = "12.4.127" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/77/aa/083b01c427e963ad0b314040565ea396f914349914c298556484f799e61b/nvidia_cuda_nvrtc_cu12-12.4.127-py3-none-manylinux2014_aarch64.whl", hash = "sha256:0eedf14185e04b76aa05b1fea04133e59f465b6f960c0cbf4e37c3cb6b0ea198", size = 24133372, upload-time = "2024-06-18T19:32:00.576Z" }, - { url = "https://files.pythonhosted.org/packages/2c/14/91ae57cd4db3f9ef7aa99f4019cfa8d54cb4caa7e00975df6467e9725a9f/nvidia_cuda_nvrtc_cu12-12.4.127-py3-none-manylinux2014_x86_64.whl", hash = "sha256:a178759ebb095827bd30ef56598ec182b85547f1508941a3d560eb7ea1fbf338", size = 24640306, upload-time = "2024-04-03T20:56:01.463Z" }, - { url = "https://files.pythonhosted.org/packages/7c/30/8c844bfb770f045bcd8b2c83455c5afb45983e1a8abf0c4e5297b481b6a5/nvidia_cuda_nvrtc_cu12-12.4.127-py3-none-win_amd64.whl", hash = "sha256:a961b2f1d5f17b14867c619ceb99ef6fcec12e46612711bcec78eb05068a60ec", size = 19751955, upload-time = "2024-04-03T21:01:51.133Z" }, -] - -[[package]] -name = "nvidia-cuda-runtime" -version = "13.0.48" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/55/3b/c5e5d8aafd355e2ff9922472ba71251331af6cc866e5b04a3b1dc8f58977/nvidia_cuda_runtime-13.0.48-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:b807c0bb925a307bfa667a24f24d253aef8eda3ac4be66b333f2c9d357557008", size = 2260687, upload-time = "2025-08-04T10:15:41.292Z" }, - { url = "https://files.pythonhosted.org/packages/cc/78/edb119083ca2ff0f09ab0cd597e97775ac3f575b8aa0caf10d68ed49e032/nvidia_cuda_runtime-13.0.48-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:5b54d12087a1abff81a4cbfa6556876e3afea1fc60da2e0816da374619810c89", size = 2242632, upload-time = "2025-08-04T10:15:49.339Z" }, - { url = "https://files.pythonhosted.org/packages/b2/dc/43b84c49f938817626370ce2c7dbb9d6f9a3a0f9d9764e5902501e106e82/nvidia_cuda_runtime-13.0.48-py3-none-win_amd64.whl", hash = "sha256:03e581c7584b13e42ce175c774f46e1219e9c574f27fe88c2ccc75dd3f926ed7", size = 2926656, upload-time = "2025-08-04T10:27:32.179Z" }, -] - -[[package]] -name = "nvidia-cuda-runtime-cu11" -version = "11.8.89" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/45/3e/84db02be49fe6d6df6e42f69fd64501c22d0f9ada9c9877f885612085d20/nvidia_cuda_runtime_cu11-11.8.89-py3-none-manylinux1_x86_64.whl", hash = "sha256:f587bd726eb2f7612cf77ce38a2c1e65cf23251ff49437f6161ce0d647f64f7c", size = 875585, upload-time = "2022-10-03T21:46:03.05Z" }, - { url = "https://files.pythonhosted.org/packages/da/16/86d6f3f25c1d69cfcaa01c9a9704b7e946387b7aa13cc2f385b50eb46da5/nvidia_cuda_runtime_cu11-11.8.89-py3-none-manylinux2014_aarch64.whl", hash = "sha256:e53bf160b6b660819cb6e4a9da2cc89e6aa2329858299780a2459780a2b8d012", size = 805995, upload-time = "2024-08-16T23:56:10.507Z" }, - { url = "https://files.pythonhosted.org/packages/a6/ec/a540f28b31de7bc1ed49eecc72035d4cb77db88ead1d42f7bfa5ae407ac6/nvidia_cuda_runtime_cu11-11.8.89-py3-none-manylinux2014_x86_64.whl", hash = "sha256:92d04069a987e1fbc9213f8376d265df0f7bb42617d44f5eda1f496acea7f2d1", size = 875592, upload-time = "2024-08-16T23:56:18.774Z" }, - { url = "https://files.pythonhosted.org/packages/48/ae/09f335dfbca630ae213e53d2a9294540620453fe2b37e7489ff05817a525/nvidia_cuda_runtime_cu11-11.8.89-py3-none-win_amd64.whl", hash = "sha256:f60c9fdaed8065b38de8097867240efc5556a8a710007146daeb9082334a6e63", size = 1021163, upload-time = "2022-10-03T23:37:53.656Z" }, -] - -[[package]] -name = "nvidia-cuda-runtime-cu12" -version = "12.1.105" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/eb/d5/c68b1d2cdfcc59e72e8a5949a37ddb22ae6cade80cd4a57a84d4c8b55472/nvidia_cuda_runtime_cu12-12.1.105-py3-none-manylinux1_x86_64.whl", hash = "sha256:6e258468ddf5796e25f1dc591a31029fa317d97a0a94ed93468fc86301d61e40", size = 823596, upload-time = "2023-04-19T15:47:22.471Z" }, - { url = "https://files.pythonhosted.org/packages/9f/e2/7a2b4b5064af56ea8ea2d8b2776c0f2960d95c88716138806121ae52a9c9/nvidia_cuda_runtime_cu12-12.1.105-py3-none-win_amd64.whl", hash = "sha256:dfb46ef84d73fababab44cf03e3b83f80700d27ca300e537f85f636fac474344", size = 821226, upload-time = "2023-04-19T15:53:23.082Z" }, -] - -[[package]] -name = "nvidia-cuda-runtime-cu12" -version = "12.4.127" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/a1/aa/b656d755f474e2084971e9a297def515938d56b466ab39624012070cb773/nvidia_cuda_runtime_cu12-12.4.127-py3-none-manylinux2014_aarch64.whl", hash = "sha256:961fe0e2e716a2a1d967aab7caee97512f71767f852f67432d572e36cb3a11f3", size = 894177, upload-time = "2024-06-18T19:32:52.877Z" }, - { url = "https://files.pythonhosted.org/packages/ea/27/1795d86fe88ef397885f2e580ac37628ed058a92ed2c39dc8eac3adf0619/nvidia_cuda_runtime_cu12-12.4.127-py3-none-manylinux2014_x86_64.whl", hash = "sha256:64403288fa2136ee8e467cdc9c9427e0434110899d07c779f25b5c068934faa5", size = 883737, upload-time = "2024-04-03T20:54:51.355Z" }, - { url = "https://files.pythonhosted.org/packages/a8/8b/450e93fab75d85a69b50ea2d5fdd4ff44541e0138db16f9cd90123ef4de4/nvidia_cuda_runtime_cu12-12.4.127-py3-none-win_amd64.whl", hash = "sha256:09c2e35f48359752dfa822c09918211844a3d93c100a715d79b59591130c5e1e", size = 878808, upload-time = "2024-04-03T21:00:49.77Z" }, -] - -[[package]] -name = "nvidia-cudnn-cu11" -version = "9.1.0.70" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "nvidia-cublas-cu11", marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/00/3b/0b776f04e364cd99e4cf152c2a9eadb5934c67c9a91429da55169a9447fd/nvidia_cudnn_cu11-9.1.0.70-py3-none-manylinux2014_x86_64.whl", hash = "sha256:e6135ac63fe9d5b0b89cfb35c3fc1c1349f2b995becadf2e9dc21bca89d9633d", size = 663919573, upload-time = "2024-04-22T15:20:24.839Z" }, - { url = "https://files.pythonhosted.org/packages/8f/66/c0d600fa64b65e474eced8f07c4a6e9441aacf746f800fd12fe395dd09db/nvidia_cudnn_cu11-9.1.0.70-py3-none-win_amd64.whl", hash = "sha256:32f6a2fe80b4b7ebc5f9c4cb403c4c381eca99e6daa3cf38241047b3d3e14daa", size = 680107132, upload-time = "2024-04-22T15:21:08.134Z" }, -] - -[[package]] -name = "nvidia-cudnn-cu12" -version = "9.1.0.70" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "nvidia-cublas-cu12", version = "12.1.3.1", source = { registry = "https://pypi.org/simple" }, marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cublas-cu12", version = "12.4.5.8", source = { registry = "https://pypi.org/simple" }, marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/9f/fd/713452cd72343f682b1c7b9321e23829f00b842ceaedcda96e742ea0b0b3/nvidia_cudnn_cu12-9.1.0.70-py3-none-manylinux2014_x86_64.whl", hash = "sha256:165764f44ef8c61fcdfdfdbe769d687e06374059fbb388b6c89ecb0e28793a6f", size = 664752741, upload-time = "2024-04-22T15:24:15.253Z" }, - { url = "https://files.pythonhosted.org/packages/3f/d0/f90ee6956a628f9f04bf467932c0a25e5a7e706a684b896593c06c82f460/nvidia_cudnn_cu12-9.1.0.70-py3-none-win_amd64.whl", hash = "sha256:6278562929433d68365a07a4a1546c237ba2849852c0d4b2262a486e805b977a", size = 679925892, upload-time = "2024-04-22T15:24:53.333Z" }, -] - -[[package]] -name = "nvidia-cudnn-cu13" -version = "9.13.0.50" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "nvidia-cublas", marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/8a/9c/9e99c00dc23db324244ec257d1e84d79539202ee2f185dee2c1fa97c9549/nvidia_cudnn_cu13-9.13.0.50-py3-none-manylinux_2_27_aarch64.whl", hash = "sha256:33f0aa0b64230101b348648fd0693342188071d3f8a137c0cf50051c24b3584b", size = 412337597, upload-time = "2025-09-04T20:22:31.535Z" }, - { url = "https://files.pythonhosted.org/packages/cf/68/2712854561170b2a81bea7b6b35cc1ae264d9794c0c218986e5c685d45f7/nvidia_cudnn_cu13-9.13.0.50-py3-none-manylinux_2_27_x86_64.whl", hash = "sha256:2150b4850725d30653ec3e365f0732e3e2e3eb8633cf3bd2d3117628dea8b4f9", size = 348571624, upload-time = "2025-09-04T20:23:26.544Z" }, - { url = "https://files.pythonhosted.org/packages/ab/7d/56b72861ce51edcac0aca0d3ed2604214bb7709e508975553b61de8bc1b5/nvidia_cudnn_cu13-9.13.0.50-py3-none-win_amd64.whl", hash = "sha256:216f6af23842823dfa84a32c3b91c9180aca9c036eebce0b8e05489c6bfc4b5c", size = 338660585, upload-time = "2025-09-04T20:24:38.337Z" }, -] - -[[package]] -name = "nvidia-cufft" -version = "12.0.0.15" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "nvidia-nvjitlink", marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/9b/e9/4e49b1baf6899e42eeec324a49d7aa2219fec42076327c4e468000dd375a/nvidia_cufft-12.0.0.15-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:1885731254835797572ff075f3daf43a2a0a2801210dea26971940dae7e1a367", size = 214053580, upload-time = "2025-08-04T10:20:45.781Z" }, - { url = "https://files.pythonhosted.org/packages/9b/9f/e298b66e584ad25bd78ad4a45b061fe7bb57a1ec011128089404ce3fcc7d/nvidia_cufft-12.0.0.15-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:9f160b1f018e80bcb0d7c0fa50564b042fa26b13edc1b1ff14b6375a9edd2812", size = 214085489, upload-time = "2025-08-04T10:21:02.975Z" }, - { url = "https://files.pythonhosted.org/packages/c8/63/ce8f9aed13a9f9060acaec40769934ddc3600e3e6ad1cf407323990df7a1/nvidia_cufft-12.0.0.15-py3-none-win_amd64.whl", hash = "sha256:ff2083e7c4f5bc063d37ec8399277e514ca97b554e069aa6f7eb7ce6d727dc7b", size = 213342124, upload-time = "2025-08-04T10:30:27.682Z" }, -] - -[[package]] -name = "nvidia-cufft-cu11" -version = "10.9.0.58" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/74/79/b912a77e38e41f15a0581a59f5c3548d1ddfdda3225936fb67c342719e7a/nvidia_cufft_cu11-10.9.0.58-py3-none-manylinux1_x86_64.whl", hash = "sha256:222f9da70c80384632fd6035e4c3f16762d64ea7a843829cb278f98b3cb7dd81", size = 168405414, upload-time = "2022-10-03T23:29:47.505Z" }, - { url = "https://files.pythonhosted.org/packages/71/7a/a2ad9951d57c3cc23f4fa6d84b146afd9f375ffbc744b38935930ac4393f/nvidia_cufft_cu11-10.9.0.58-py3-none-manylinux2014_aarch64.whl", hash = "sha256:34b7315104e615b230dc3c2d1861f13bff9ec465c5d3b4bb65b4986d03a1d8d4", size = 111231060, upload-time = "2024-08-17T00:00:57.04Z" }, - { url = "https://files.pythonhosted.org/packages/64/c8/133717b43182ba063803e983e7680a94826a9f4ff5734af0ca315803f1b3/nvidia_cufft_cu11-10.9.0.58-py3-none-manylinux2014_x86_64.whl", hash = "sha256:e21037259995243cc370dd63c430d77ae9280bedb68d5b5a18226bfc92e5d748", size = 168405419, upload-time = "2024-08-17T00:02:03.562Z" }, - { url = "https://files.pythonhosted.org/packages/f8/b4/e432a74f8db0e84f734dc14d36c0e529225132bf7e239da21f55893351a6/nvidia_cufft_cu11-10.9.0.58-py3-none-win_amd64.whl", hash = "sha256:c4d316f17c745ec9c728e30409612eaf77a8404c3733cdf6c9c1569634d1ca03", size = 172237004, upload-time = "2022-10-03T23:39:58.288Z" }, -] - -[[package]] -name = "nvidia-cufft-cu12" -version = "11.0.2.54" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/86/94/eb540db023ce1d162e7bea9f8f5aa781d57c65aed513c33ee9a5123ead4d/nvidia_cufft_cu12-11.0.2.54-py3-none-manylinux1_x86_64.whl", hash = "sha256:794e3948a1aa71fd817c3775866943936774d1c14e7628c74f6f7417224cdf56", size = 121635161, upload-time = "2023-04-19T15:50:46Z" }, - { url = "https://files.pythonhosted.org/packages/f7/57/7927a3aa0e19927dfed30256d1c854caf991655d847a4e7c01fe87e3d4ac/nvidia_cufft_cu12-11.0.2.54-py3-none-win_amd64.whl", hash = "sha256:d9ac353f78ff89951da4af698f80870b1534ed69993f10a4cf1d96f21357e253", size = 121344196, upload-time = "2023-04-19T15:56:59.562Z" }, -] - -[[package]] -name = "nvidia-cufft-cu12" -version = "11.2.1.3" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -dependencies = [ - { name = "nvidia-nvjitlink-cu12", marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/7a/8a/0e728f749baca3fbeffad762738276e5df60851958be7783af121a7221e7/nvidia_cufft_cu12-11.2.1.3-py3-none-manylinux2014_aarch64.whl", hash = "sha256:5dad8008fc7f92f5ddfa2101430917ce2ffacd86824914c82e28990ad7f00399", size = 211422548, upload-time = "2024-06-18T19:33:39.396Z" }, - { url = "https://files.pythonhosted.org/packages/27/94/3266821f65b92b3138631e9c8e7fe1fb513804ac934485a8d05776e1dd43/nvidia_cufft_cu12-11.2.1.3-py3-none-manylinux2014_x86_64.whl", hash = "sha256:f083fc24912aa410be21fa16d157fed2055dab1cc4b6934a0e03cba69eb242b9", size = 211459117, upload-time = "2024-04-03T20:57:40.402Z" }, - { url = "https://files.pythonhosted.org/packages/f6/ee/3f3f8e9874f0be5bbba8fb4b62b3de050156d159f8b6edc42d6f1074113b/nvidia_cufft_cu12-11.2.1.3-py3-none-win_amd64.whl", hash = "sha256:d802f4954291101186078ccbe22fc285a902136f974d369540fd4a5333d1440b", size = 210576476, upload-time = "2024-04-03T21:04:06.422Z" }, -] - -[[package]] -name = "nvidia-cufile" -version = "1.15.0.42" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ad/0a/4adf0c9bb1241cd1314fc923fde00f3749c7fc785b1e3b3f4a104cd3090c/nvidia_cufile-1.15.0.42-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:c8f9813eff24d61586699c615e39817e2b4e4f642cace32733c2ab6f663a7eab", size = 1223104, upload-time = "2025-08-04T10:21:31.131Z" }, - { url = "https://files.pythonhosted.org/packages/bf/a5/636baa43399ea10d22b63e7454f22a92ace4a7eaa3c45b94607250857e2d/nvidia_cufile-1.15.0.42-py3-none-manylinux_2_27_aarch64.whl", hash = "sha256:bced4036b5a8dbf57e4d78cd4fafefec58ad754b784a9eaa272b011896754c62", size = 1136527, upload-time = "2025-08-04T10:21:22.441Z" }, -] - -[[package]] -name = "nvidia-curand" -version = "10.4.0.35" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/1e/72/7c2ae24fb6b63a32e6ae5d241cc65263ea18d08802aaae087d9f013335a2/nvidia_curand-10.4.0.35-py3-none-manylinux_2_27_aarch64.whl", hash = "sha256:133df5a7509c3e292aaa2b477afd0194f06ce4ea24d714d616ff36439cee349a", size = 61962106, upload-time = "2025-08-04T10:21:41.128Z" }, - { url = "https://files.pythonhosted.org/packages/a5/9f/be0a41ca4a4917abf5cb9ae0daff1a6060cc5de950aec0396de9f3b52bc5/nvidia_curand-10.4.0.35-py3-none-manylinux_2_27_x86_64.whl", hash = "sha256:1aee33a5da6e1db083fe2b90082def8915f30f3248d5896bcec36a579d941bfc", size = 59544258, upload-time = "2025-08-04T10:22:03.992Z" }, - { url = "https://files.pythonhosted.org/packages/99/27/72103153b1ffc00e09fdc40ac970235343dcd1ea8bd762e84d2d73219ffa/nvidia_curand-10.4.0.35-py3-none-win_amd64.whl", hash = "sha256:65b1710aa6961d326b411e314b374290904c5ddf41dc3f766ebc3f1d7d4ca69f", size = 55242481, upload-time = "2025-08-04T10:30:41.831Z" }, -] - -[[package]] -name = "nvidia-curand-cu11" -version = "10.3.0.86" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/49/28/c47f8e2439ddbcbeae3cf74d43ed572b651d630ea72863d5357f3759eb66/nvidia_curand_cu11-10.3.0.86-py3-none-manylinux1_x86_64.whl", hash = "sha256:ac439548c88580269a1eb6aeb602a5aed32f0dbb20809a31d9ed7d01d77f6bf5", size = 58124493, upload-time = "2022-10-03T23:30:05.413Z" }, - { url = "https://files.pythonhosted.org/packages/5d/c0/aec095de6cb3b07197042f9ff8958eda2a5eaaefabc8db2e3bfa32aafb97/nvidia_curand_cu11-10.3.0.86-py3-none-manylinux2014_aarch64.whl", hash = "sha256:64defc3016d8c1de351a764617818c2961210430f12476faee10084b269b188c", size = 58134524, upload-time = "2024-08-17T00:02:48.788Z" }, - { url = "https://files.pythonhosted.org/packages/58/e5/ce5806afc48a6e4e0dddd25316ac60b6fa94fd1791bdbf4ca17bf52696ea/nvidia_curand_cu11-10.3.0.86-py3-none-manylinux2014_x86_64.whl", hash = "sha256:cd4cffbf78bb06580206b4814d5dc696d1161c902aae37b2bba00056832379e6", size = 58124497, upload-time = "2024-08-17T00:03:01.833Z" }, - { url = "https://files.pythonhosted.org/packages/ae/e0/a68e20f37512c2ff22c1b2707383faec80acc20c39727e4007065ed284ea/nvidia_curand_cu11-10.3.0.86-py3-none-win_amd64.whl", hash = "sha256:8fa8365065fc3e3760d7437b08f164a6bcf8f7124f3b544d2463ded01e6bdc70", size = 57597791, upload-time = "2022-10-03T23:40:27.142Z" }, -] - -[[package]] -name = "nvidia-curand-cu12" -version = "10.3.2.106" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/44/31/4890b1c9abc496303412947fc7dcea3d14861720642b49e8ceed89636705/nvidia_curand_cu12-10.3.2.106-py3-none-manylinux1_x86_64.whl", hash = "sha256:9d264c5036dde4e64f1de8c50ae753237c12e0b1348738169cd0f8a536c0e1e0", size = 56467784, upload-time = "2023-04-19T15:51:04.804Z" }, - { url = "https://files.pythonhosted.org/packages/5c/97/4c9c7c79efcdf5b70374241d48cf03b94ef6707fd18ea0c0f53684931d0b/nvidia_curand_cu12-10.3.2.106-py3-none-win_amd64.whl", hash = "sha256:75b6b0c574c0037839121317e17fd01f8a69fd2ef8e25853d826fec30bdba74a", size = 55995813, upload-time = "2023-04-19T15:57:16.676Z" }, -] - -[[package]] -name = "nvidia-curand-cu12" -version = "10.3.5.147" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/80/9c/a79180e4d70995fdf030c6946991d0171555c6edf95c265c6b2bf7011112/nvidia_curand_cu12-10.3.5.147-py3-none-manylinux2014_aarch64.whl", hash = "sha256:1f173f09e3e3c76ab084aba0de819c49e56614feae5c12f69883f4ae9bb5fad9", size = 56314811, upload-time = "2024-06-18T19:34:48.575Z" }, - { url = "https://files.pythonhosted.org/packages/8a/6d/44ad094874c6f1b9c654f8ed939590bdc408349f137f9b98a3a23ccec411/nvidia_curand_cu12-10.3.5.147-py3-none-manylinux2014_x86_64.whl", hash = "sha256:a88f583d4e0bb643c49743469964103aa59f7f708d862c3ddb0fc07f851e3b8b", size = 56305206, upload-time = "2024-04-03T20:58:08.722Z" }, - { url = "https://files.pythonhosted.org/packages/1c/22/2573503d0d4e45673c263a313f79410e110eb562636b0617856fdb2ff5f6/nvidia_curand_cu12-10.3.5.147-py3-none-win_amd64.whl", hash = "sha256:f307cc191f96efe9e8f05a87096abc20d08845a841889ef78cb06924437f6771", size = 55799918, upload-time = "2024-04-03T21:04:34.45Z" }, -] - -[[package]] -name = "nvidia-cusolver" -version = "12.0.3.29" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "nvidia-cublas", marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cusparse", marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-nvjitlink", marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/a7/bb/2e60de9bb1f0c3395eabd91ccad00f4ba3ef736dc9190a158a9d268419f5/nvidia_cusolver-12.0.3.29-py3-none-manylinux_2_27_aarch64.whl", hash = "sha256:3bb6e65ce0beaeafdd069b320246e8f17c1cd30ddb27a0539143a3706733a4d8", size = 193104180, upload-time = "2025-08-04T10:22:19.821Z" }, - { url = "https://files.pythonhosted.org/packages/a5/87/e3c9ee227b750e5b61572e7509f586cc8d494a4f7874b5163e734ed852c2/nvidia_cusolver-12.0.3.29-py3-none-manylinux_2_27_x86_64.whl", hash = "sha256:6f54c2eed5edab54c224dd1852dde80ba76b2b78e6d3ce7344fef5dfc66d16ab", size = 193474165, upload-time = "2025-08-04T10:22:47.976Z" }, - { url = "https://files.pythonhosted.org/packages/d2/4d/bbafef08108d5fe2147940a94dc8f976988438502a383d5e85068a02f25e/nvidia_cusolver-12.0.3.29-py3-none-win_amd64.whl", hash = "sha256:103fa9e99d63e4be4d04e4a9cb7dfaec5d86f486bb59838cb72803cabb1690a4", size = 186023595, upload-time = "2025-08-04T10:31:08.639Z" }, -] - -[[package]] -name = "nvidia-cusolver-cu11" -version = "11.4.1.48" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "nvidia-cublas-cu11", marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/55/ee/939ff0104991dd7bdabb4c9767994c612ba0e1c9a55672a1ddd42f5e5b16/nvidia_cusolver_cu11-11.4.1.48-py3-none-manylinux1_x86_64.whl", hash = "sha256:ca538f545645b7e6629140786d3127fe067b3d5a085bd794cde5bfe877c8926f", size = 128240842, upload-time = "2022-10-03T23:30:24.348Z" }, - { url = "https://files.pythonhosted.org/packages/d8/32/676f0cfea4ff5bbc6dcfe00b5f385ba49d322dc8e9ff1ef864b570e27e9e/nvidia_cusolver_cu11-11.4.1.48-py3-none-manylinux2014_aarch64.whl", hash = "sha256:1a96acb05768610bc414dbef5b25ebd2d820fc8a1e8c72097f41f53d80934d61", size = 127903177, upload-time = "2024-08-17T00:03:20.657Z" }, - { url = "https://files.pythonhosted.org/packages/52/fe/866e87e6e6a1b0a5fcf8524a058042656702f2057e22bfdb8899a7c38e10/nvidia_cusolver_cu11-11.4.1.48-py3-none-manylinux2014_x86_64.whl", hash = "sha256:ea9fb1ad8c644ca9ed55af13cc39af3b7ba4c3eb5aef18471fe1fe77d94383cb", size = 128246438, upload-time = "2024-08-17T00:03:52.432Z" }, - { url = "https://files.pythonhosted.org/packages/1e/94/4fd658d09776307b98411eca09dd77773d8c3bdc484b186a2084038b75e2/nvidia_cusolver_cu11-11.4.1.48-py3-none-win_amd64.whl", hash = "sha256:7efe43b113495a64e2cf9a0b4365bd53b0a82afb2e2cf91e9f993c9ef5e69ee8", size = 125732382, upload-time = "2022-10-03T23:40:44.179Z" }, -] - -[[package]] -name = "nvidia-cusolver-cu12" -version = "11.4.5.107" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -dependencies = [ - { name = "nvidia-cublas-cu12", version = "12.1.3.1", source = { registry = "https://pypi.org/simple" }, marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cusparse-cu12", version = "12.1.0.106", source = { registry = "https://pypi.org/simple" }, marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-nvjitlink-cu12", marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/bc/1d/8de1e5c67099015c834315e333911273a8c6aaba78923dd1d1e25fc5f217/nvidia_cusolver_cu12-11.4.5.107-py3-none-manylinux1_x86_64.whl", hash = "sha256:8a7ec542f0412294b15072fa7dab71d31334014a69f953004ea7a118206fe0dd", size = 124161928, upload-time = "2023-04-19T15:51:25.781Z" }, - { url = "https://files.pythonhosted.org/packages/b8/80/8fca0bf819122a631c3976b6fc517c1b10741b643b94046bd8dd451522c5/nvidia_cusolver_cu12-11.4.5.107-py3-none-win_amd64.whl", hash = "sha256:74e0c3a24c78612192a74fcd90dd117f1cf21dea4822e66d89e8ea80e3cd2da5", size = 121643081, upload-time = "2023-04-19T15:57:43.035Z" }, -] - -[[package]] -name = "nvidia-cusolver-cu12" -version = "11.6.1.9" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -dependencies = [ - { name = "nvidia-cublas-cu12", version = "12.4.5.8", source = { registry = "https://pypi.org/simple" }, marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cusparse-cu12", version = "12.3.1.170", source = { registry = "https://pypi.org/simple" }, marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-nvjitlink-cu12", marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/46/6b/a5c33cf16af09166845345275c34ad2190944bcc6026797a39f8e0a282e0/nvidia_cusolver_cu12-11.6.1.9-py3-none-manylinux2014_aarch64.whl", hash = "sha256:d338f155f174f90724bbde3758b7ac375a70ce8e706d70b018dd3375545fc84e", size = 127634111, upload-time = "2024-06-18T19:35:01.793Z" }, - { url = "https://files.pythonhosted.org/packages/3a/e1/5b9089a4b2a4790dfdea8b3a006052cfecff58139d5a4e34cb1a51df8d6f/nvidia_cusolver_cu12-11.6.1.9-py3-none-manylinux2014_x86_64.whl", hash = "sha256:19e33fa442bcfd085b3086c4ebf7e8debc07cfe01e11513cc6d332fd918ac260", size = 127936057, upload-time = "2024-04-03T20:58:28.735Z" }, - { url = "https://files.pythonhosted.org/packages/f2/be/d435b7b020e854d5d5a682eb5de4328fd62f6182507406f2818280e206e2/nvidia_cusolver_cu12-11.6.1.9-py3-none-win_amd64.whl", hash = "sha256:e77314c9d7b694fcebc84f58989f3aa4fb4cb442f12ca1a9bde50f5e8f6d1b9c", size = 125224015, upload-time = "2024-04-03T21:04:53.339Z" }, -] - -[[package]] -name = "nvidia-cusparse" -version = "12.6.2.49" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "nvidia-nvjitlink", marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/fc/30/f32023427f2ef4ec27e8293dfddb5068de566912cd0a45eccfd400017a62/nvidia_cusparse-12.6.2.49-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:5d3269c19283a0057fb5ebfb003ae2a10c97a28a6958f4238354826b055827c7", size = 155888587, upload-time = "2025-08-04T10:23:04.091Z" }, - { url = "https://files.pythonhosted.org/packages/ba/e8/b3f7a87cc719dca926c7baee92f2544de8909573a4126c85a9f1625431e8/nvidia_cusparse-12.6.2.49-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:efcf0b01e3a0827c144feff5391456b8a06e9ce63dcd51c0943e32e605251952", size = 140247612, upload-time = "2025-08-04T10:23:29.844Z" }, - { url = "https://files.pythonhosted.org/packages/f6/56/14475d58b3db5e0f4b0a5f15d0f4f1a19c277b5aafbea8906d19e4e177b8/nvidia_cusparse-12.6.2.49-py3-none-win_amd64.whl", hash = "sha256:b48237614131dedf9cd00d99ce950d8e1b2945ab9d29337fbdc1e014f0ee9830", size = 137913018, upload-time = "2025-08-04T10:31:25.447Z" }, -] - -[[package]] -name = "nvidia-cusparse-cu11" -version = "11.7.5.86" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/c1/e0/21b829c535d569831835a4ca5d049a19ba00d3e91f3e12ab4ad27bd7385f/nvidia_cusparse_cu11-11.7.5.86-py3-none-manylinux1_x86_64.whl", hash = "sha256:4ae709fe78d3f23f60acaba8c54b8ad556cf16ca486e0cc1aa92dca7555d2d2b", size = 204126221, upload-time = "2022-10-18T21:19:28.04Z" }, - { url = "https://files.pythonhosted.org/packages/a2/6e/4eb2842e7ab1804072bca43030a8b92731e5a35f6a4a1b8f1aa8fa5f411c/nvidia_cusparse_cu11-11.7.5.86-py3-none-manylinux2014_aarch64.whl", hash = "sha256:6c7da46abee7567e619d4aa2e90a1b032cfcbd1211d429853b1a6e87514a14b2", size = 203917797, upload-time = "2024-08-17T00:04:22.798Z" }, - { url = "https://files.pythonhosted.org/packages/ed/5c/b0333b07c51ced77397c2fb0d9826072cea0da9d421aa7e792aa0f8ecc72/nvidia_cusparse_cu11-11.7.5.86-py3-none-manylinux2014_x86_64.whl", hash = "sha256:8d7cf1628fd8d462b5d2ba6678fae34733a48ecb80495b9c68672ec6a6dde5ef", size = 204126227, upload-time = "2024-08-17T00:05:20.798Z" }, - { url = "https://files.pythonhosted.org/packages/b8/36/a670e8ca1deccd3c63be4d0286491cf5c6375253f0d948e7cc5167fe1da9/nvidia_cusparse_cu11-11.7.5.86-py3-none-win_amd64.whl", hash = "sha256:a0f6ee81cd91be606fc2f55992d06b09cd4e86d74b6ae5e8dd1631cf7f5a8706", size = 203420667, upload-time = "2022-10-18T21:22:55.982Z" }, -] - -[[package]] -name = "nvidia-cusparse-cu12" -version = "12.1.0.106" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -dependencies = [ - { name = "nvidia-nvjitlink-cu12", marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/65/5b/cfaeebf25cd9fdec14338ccb16f6b2c4c7fa9163aefcf057d86b9cc248bb/nvidia_cusparse_cu12-12.1.0.106-py3-none-manylinux1_x86_64.whl", hash = "sha256:f3b50f42cf363f86ab21f720998517a659a48131e8d538dc02f8768237bd884c", size = 195958278, upload-time = "2023-04-19T15:51:49.939Z" }, - { url = "https://files.pythonhosted.org/packages/0f/95/48fdbba24c93614d1ecd35bc6bdc6087bd17cbacc3abc4b05a9c2a1ca232/nvidia_cusparse_cu12-12.1.0.106-py3-none-win_amd64.whl", hash = "sha256:b798237e81b9719373e8fae8d4f091b70a0cf09d9d85c95a557e11df2d8e9a5a", size = 195414588, upload-time = "2023-04-19T15:58:08.389Z" }, -] - -[[package]] -name = "nvidia-cusparse-cu12" -version = "12.3.1.170" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -dependencies = [ - { name = "nvidia-nvjitlink-cu12", marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/96/a9/c0d2f83a53d40a4a41be14cea6a0bf9e668ffcf8b004bd65633f433050c0/nvidia_cusparse_cu12-12.3.1.170-py3-none-manylinux2014_aarch64.whl", hash = "sha256:9d32f62896231ebe0480efd8a7f702e143c98cfaa0e8a76df3386c1ba2b54df3", size = 207381987, upload-time = "2024-06-18T19:35:32.989Z" }, - { url = "https://files.pythonhosted.org/packages/db/f7/97a9ea26ed4bbbfc2d470994b8b4f338ef663be97b8f677519ac195e113d/nvidia_cusparse_cu12-12.3.1.170-py3-none-manylinux2014_x86_64.whl", hash = "sha256:ea4f11a2904e2a8dc4b1833cc1b5181cde564edd0d5cd33e3c168eff2d1863f1", size = 207454763, upload-time = "2024-04-03T20:58:59.995Z" }, - { url = "https://files.pythonhosted.org/packages/a2/e0/3155ca539760a8118ec94cc279b34293309bcd14011fc724f87f31988843/nvidia_cusparse_cu12-12.3.1.170-py3-none-win_amd64.whl", hash = "sha256:9bc90fb087bc7b4c15641521f31c0371e9a612fc2ba12c338d3ae032e6b6797f", size = 204684315, upload-time = "2024-04-03T21:05:26.031Z" }, -] - -[[package]] -name = "nvidia-cusparselt-cu12" -version = "0.6.2" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/98/8e/675498726c605c9441cf46653bd29cb1b8666da1fb1469ffa25f67f20c58/nvidia_cusparselt_cu12-0.6.2-py3-none-manylinux2014_aarch64.whl", hash = "sha256:067a7f6d03ea0d4841c85f0c6f1991c5dda98211f6302cb83a4ab234ee95bef8", size = 149422781, upload-time = "2024-07-23T17:35:27.203Z" }, - { url = "https://files.pythonhosted.org/packages/78/a8/bcbb63b53a4b1234feeafb65544ee55495e1bb37ec31b999b963cbccfd1d/nvidia_cusparselt_cu12-0.6.2-py3-none-manylinux2014_x86_64.whl", hash = "sha256:df2c24502fd76ebafe7457dbc4716b2fec071aabaed4fb7691a201cde03704d9", size = 150057751, upload-time = "2024-07-23T02:35:53.074Z" }, - { url = "https://files.pythonhosted.org/packages/56/8f/2c33082238b6c5e783a877dc8786ab62619e3e6171c083bd3bba6e3fe75e/nvidia_cusparselt_cu12-0.6.2-py3-none-win_amd64.whl", hash = "sha256:0057c91d230703924c0422feabe4ce768841f9b4b44d28586b6f6d2eb86fbe70", size = 148755794, upload-time = "2024-07-23T02:35:00.261Z" }, -] - -[[package]] -name = "nvidia-cusparselt-cu13" -version = "0.8.0" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/46/10/8dcd1175260706a2fc92a16a52e306b71d4c1ea0b0cc4a9484183399818a/nvidia_cusparselt_cu13-0.8.0-py3-none-manylinux2014_aarch64.whl", hash = "sha256:400c6ed1cf6780fc6efedd64ec9f1345871767e6a1a0a552a1ea0578117ea77c", size = 220791277, upload-time = "2025-08-13T19:22:40.982Z" }, - { url = "https://files.pythonhosted.org/packages/fd/53/43b0d71f4e702fa9733f8b4571fdca50a8813f1e450b656c239beff12315/nvidia_cusparselt_cu13-0.8.0-py3-none-manylinux2014_x86_64.whl", hash = "sha256:25e30a8a7323935d4ad0340b95a0b69926eee755767e8e0b1cf8dd85b197d3fd", size = 169884119, upload-time = "2025-08-13T19:23:41.967Z" }, - { url = "https://files.pythonhosted.org/packages/57/de/8f0578928b9b1246d7b1324db0528e6b9f9fb54496a49f40bf71f09f1a27/nvidia_cusparselt_cu13-0.8.0-py3-none-win_amd64.whl", hash = "sha256:e80212ed7b1afc97102fbb2b5c82487aa73f6a0edfa6d26c5a152593e520bb8f", size = 156459710, upload-time = "2025-08-13T19:24:18.043Z" }, -] - -[[package]] -name = "nvidia-nccl-cu11" -version = "2.21.5" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ac/9a/8b6a28b3b87d5fddab0e92cd835339eb8fbddaa71ae67518c8c1b3d05bae/nvidia_nccl_cu11-2.21.5-py3-none-manylinux2014_x86_64.whl", hash = "sha256:49d8350629c7888701d1fd200934942671cb5c728f49acc5a0b3a768820bed29", size = 147811630, upload-time = "2024-04-03T15:33:12.879Z" }, -] - -[[package]] -name = "nvidia-nccl-cu12" -version = "2.21.5" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/df/99/12cd266d6233f47d00daf3a72739872bdc10267d0383508b0b9c84a18bb6/nvidia_nccl_cu12-2.21.5-py3-none-manylinux2014_x86_64.whl", hash = "sha256:8579076d30a8c24988834445f8d633c697d42397e92ffc3f63fa26766d25e0a0", size = 188654414, upload-time = "2024-04-03T15:32:57.427Z" }, -] - -[[package]] -name = "nvidia-nccl-cu13" -version = "2.27.7" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/49/61/2c7762da6febee96341ea17d1f7309ac7559ac3cab00f3f7e1e7bd0e5d00/nvidia_nccl_cu13-2.27.7-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:5e3cc863e52bf9dd1e3ab1941bddb414098f489ae7342f6b3a274602303da123", size = 194014855, upload-time = "2025-09-23T16:30:27.56Z" }, - { url = "https://files.pythonhosted.org/packages/f1/3a/dabb10684e60edfaf1a1c9984d12a668bc1091582099d4e03ac5b9983b51/nvidia_nccl_cu13-2.27.7-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:b28a524abd8389b76a4a3f133c76a7aaa7005e47fcaa9d9603b90103927a3f93", size = 193901479, upload-time = "2025-09-23T16:30:41.165Z" }, -] - -[[package]] -name = "nvidia-nvjitlink" -version = "13.0.39" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/95/39/726edebeb76f3efc25c79f885429fa1227c9d200e20ea219bf724b382e19/nvidia_nvjitlink-13.0.39-py3-none-manylinux2010_x86_64.manylinux_2_12_x86_64.whl", hash = "sha256:bc3179be558329ef9687884c6faa27cdc0659bdbc642432ec8cc6cc00d182627", size = 40709605, upload-time = "2025-08-04T10:25:04.129Z" }, - { url = "https://files.pythonhosted.org/packages/bc/7a/0fb4c4413b3b14519f8934edd4dcd9f411c4e14e2a2c0ae58709e4dda255/nvidia_nvjitlink-13.0.39-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:ce0d63fa5ebedf542056e7491c49feed2297c900980aa6269b6a55f478056ad7", size = 38767126, upload-time = "2025-08-04T10:24:53.05Z" }, - { url = "https://files.pythonhosted.org/packages/fb/fe/0a4a510f83ab75def397e1e3b0ea1f1b909b40765c8cf912f0506e1e6ec6/nvidia_nvjitlink-13.0.39-py3-none-win_amd64.whl", hash = "sha256:478d06d3783b1c26a9bea308b972737a9fb2bb832d2254aa51fe753713b4a583", size = 36034311, upload-time = "2025-08-04T10:32:25.179Z" }, -] - -[[package]] -name = "nvidia-nvjitlink-cu12" -version = "12.4.127" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/02/45/239d52c05074898a80a900f49b1615d81c07fceadd5ad6c4f86a987c0bc4/nvidia_nvjitlink_cu12-12.4.127-py3-none-manylinux2014_aarch64.whl", hash = "sha256:4abe7fef64914ccfa909bc2ba39739670ecc9e820c83ccc7a6ed414122599b83", size = 20552510, upload-time = "2024-06-18T20:20:13.871Z" }, - { url = "https://files.pythonhosted.org/packages/ff/ff/847841bacfbefc97a00036e0fce5a0f086b640756dc38caea5e1bb002655/nvidia_nvjitlink_cu12-12.4.127-py3-none-manylinux2014_x86_64.whl", hash = "sha256:06b3b9b25bf3f8af351d664978ca26a16d2c5127dbd53c0497e28d1fb9611d57", size = 21066810, upload-time = "2024-04-03T20:59:46.957Z" }, - { url = "https://files.pythonhosted.org/packages/81/19/0babc919031bee42620257b9a911c528f05fb2688520dcd9ca59159ffea8/nvidia_nvjitlink_cu12-12.4.127-py3-none-win_amd64.whl", hash = "sha256:fd9020c501d27d135f983c6d3e244b197a7ccad769e34df53a42e276b0e25fa1", size = 95336325, upload-time = "2024-04-03T21:06:25.073Z" }, -] - -[[package]] -name = "nvidia-nvshmem-cu13" -version = "3.3.24" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/b1/7e/b8797780e442eabd9046cd6eb54100b8d0cb047ebc2f70931710cb03bcfe/nvidia_nvshmem_cu13-3.3.24-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:28ae82a4d14b322b93409535de62df6b7b83f4f7672ca97fc89107c2d40ce2c2", size = 60168129, upload-time = "2025-08-22T19:56:28.818Z" }, - { url = "https://files.pythonhosted.org/packages/6f/e9/8530afb8ed38d16bbc89cec80a4dd6a52dbf59bc93e546c3658cfa8b1f9b/nvidia_nvshmem_cu13-3.3.24-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:c14d09571697d2e57cb079c8daec88ab1c68cb3586532bfbd4886125a08339b7", size = 60390470, upload-time = "2025-08-22T19:56:49.848Z" }, -] - -[[package]] -name = "nvidia-nvtx" -version = "13.0.39" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/38/37/0d103c84e7884382a79a569b720965141f83dd1c5df9e3e00cbc02d7099c/nvidia_nvtx-13.0.39-py3-none-manylinux1_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:cc113127785c96db8a0fe715df92db9788777b4b3d1bd713d42f75969201b5ce", size = 147197, upload-time = "2025-08-04T10:18:39.829Z" }, - { url = "https://files.pythonhosted.org/packages/86/91/8b486ba85f71a2859dd705a4ec6aab38c37a389b8b7f94343db027732999/nvidia_nvtx-13.0.39-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:cddd2e08b35144f1000631c3880c9ebbcb8a2863d762e76f92d47d30ecaf87cc", size = 148037, upload-time = "2025-08-04T10:18:31.763Z" }, - { url = "https://files.pythonhosted.org/packages/89/22/ba0099049970dc2271a4745a1bd6ab37e93b1c21f42c33c2f904a0265bbb/nvidia_nvtx-13.0.39-py3-none-win_amd64.whl", hash = "sha256:14e4e4cf8976ce9544ec5e70e39dca8a7cc62af4692f20d8dc85266709d2e641", size = 136327, upload-time = "2025-08-04T10:28:56.323Z" }, -] - -[[package]] -name = "nvidia-nvtx-cu11" -version = "11.8.86" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/d5/a2/23214c23118784dc2189ac2d2e48190df3e4206e2f73eb17d47140797a2b/nvidia_nvtx_cu11-11.8.86-py3-none-manylinux1_x86_64.whl", hash = "sha256:890656d8bd9b4e280231c832e1f0d03459200ba4824ddda3dcb59b1e1989b9f5", size = 99125, upload-time = "2022-10-03T21:47:19.565Z" }, - { url = "https://files.pythonhosted.org/packages/42/b9/385e4323646d21f9aedb9e953e5c778311cd8df32eb2237f1ce242c58572/nvidia_nvtx_cu11-11.8.86-py3-none-manylinux2014_aarch64.whl", hash = "sha256:5e84b97062eb102b45a8a9172a06cfe28b239b1635075a13d6474e91295e0468", size = 100401, upload-time = "2024-08-16T23:58:25.484Z" }, - { url = "https://files.pythonhosted.org/packages/b5/ad/973a187b137a3d45dc3faac421ef1275fb41fc169fd3889e2d5ceb0daa54/nvidia_nvtx_cu11-11.8.86-py3-none-manylinux2014_x86_64.whl", hash = "sha256:979f5b2aef5da164c5c53c64c85c3dfa61b8b4704f4f963bb568bf98fa8472e8", size = 99130, upload-time = "2024-08-16T23:58:33.479Z" }, - { url = "https://files.pythonhosted.org/packages/3f/3f/0e1dd2bc4d89f838b86c76956ffa514307d3be4d8b5ee0da4e9d12a8b54b/nvidia_nvtx_cu11-11.8.86-py3-none-win_amd64.whl", hash = "sha256:54031010ee38d774b2991004d88f90bbd7bbc1458a96bbc4b42662756508c252", size = 66297, upload-time = "2022-10-03T23:39:12.132Z" }, -] - -[[package]] -name = "nvidia-nvtx-cu12" -version = "12.1.105" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/da/d3/8057f0587683ed2fcd4dbfbdfdfa807b9160b809976099d36b8f60d08f03/nvidia_nvtx_cu12-12.1.105-py3-none-manylinux1_x86_64.whl", hash = "sha256:dc21cf308ca5691e7c04d962e213f8a4aa9bbfa23d95412f452254c2caeb09e5", size = 99138, upload-time = "2023-04-19T15:48:43.556Z" }, - { url = "https://files.pythonhosted.org/packages/b8/d7/bd7cb2d95ac6ac6e8d05bfa96cdce69619f1ef2808e072919044c2d47a8c/nvidia_nvtx_cu12-12.1.105-py3-none-win_amd64.whl", hash = "sha256:65f4d98982b31b60026e0e6de73fbdfc09d08a96f4656dd3665ca616a11e1e82", size = 66307, upload-time = "2023-04-19T15:54:45.736Z" }, -] - -[[package]] -name = "nvidia-nvtx-cu12" -version = "12.4.127" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/06/39/471f581edbb7804b39e8063d92fc8305bdc7a80ae5c07dbe6ea5c50d14a5/nvidia_nvtx_cu12-12.4.127-py3-none-manylinux2014_aarch64.whl", hash = "sha256:7959ad635db13edf4fc65c06a6e9f9e55fc2f92596db928d169c0bb031e88ef3", size = 100417, upload-time = "2024-06-18T20:16:22.484Z" }, - { url = "https://files.pythonhosted.org/packages/87/20/199b8713428322a2f22b722c62b8cc278cc53dffa9705d744484b5035ee9/nvidia_nvtx_cu12-12.4.127-py3-none-manylinux2014_x86_64.whl", hash = "sha256:781e950d9b9f60d8241ccea575b32f5105a5baf4c2351cab5256a24869f12a1a", size = 99144, upload-time = "2024-04-03T20:56:12.406Z" }, - { url = "https://files.pythonhosted.org/packages/54/1b/f77674fbb73af98843be25803bbd3b9a4f0a96c75b8d33a2854a5c7d2d77/nvidia_nvtx_cu12-12.4.127-py3-none-win_amd64.whl", hash = "sha256:641dccaaa1139f3ffb0d3164b4b84f9d253397e38246a4f2f36728b48566d485", size = 66307, upload-time = "2024-04-03T21:02:01.959Z" }, -] - -[[package]] -name = "ollama" -version = "0.6.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "httpx" }, - { name = "pydantic" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/d6/47/f9ee32467fe92744474a8c72e138113f3b529fc266eea76abfdec9a33f3b/ollama-0.6.0.tar.gz", hash = "sha256:da2b2d846b5944cfbcee1ca1e6ee0585f6c9d45a2fe9467cbcd096a37383da2f", size = 50811, upload-time = "2025-09-24T22:46:02.417Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/b5/c1/edc9f41b425ca40b26b7c104c5f6841a4537bb2552bfa6ca66e81405bb95/ollama-0.6.0-py3-none-any.whl", hash = "sha256:534511b3ccea2dff419ae06c3b58d7f217c55be7897c8ce5868dfb6b219cf7a0", size = 14130, upload-time = "2025-09-24T22:46:01.19Z" }, -] - -[[package]] -name = "omegaconf" -version = "2.3.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "antlr4-python3-runtime" }, - { name = "pyyaml" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/09/48/6388f1bb9da707110532cb70ec4d2822858ddfb44f1cdf1233c20a80ea4b/omegaconf-2.3.0.tar.gz", hash = "sha256:d5d4b6d29955cc50ad50c46dc269bcd92c6e00f5f90d23ab5fee7bfca4ba4cc7", size = 3298120, upload-time = "2022-12-08T20:59:22.753Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e3/94/1843518e420fa3ed6919835845df698c7e27e183cb997394e4a670973a65/omegaconf-2.3.0-py3-none-any.whl", hash = "sha256:7b4df175cdb08ba400f45cae3bdcae7ba8365db4d165fc65fd04b050ab63b46b", size = 79500, upload-time = "2022-12-08T20:59:19.686Z" }, -] - -[[package]] -name = "oneccl" -version = "2021.15.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "impi-rt", marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "intel-sycl-rt", marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/7f/42/f701593294e649d6c1c8e90d9582fc29aafbcf89cbd33174417cbfd1078f/oneccl-2021.15.2-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:025b7aacd6f01db9815f27cdec4016a4b59d9e6a99d25c34cd9d961978ecd0bd", size = 97437686, upload-time = "2025-05-15T08:34:38.855Z" }, -] - -[[package]] -name = "oneccl-devel" -version = "2021.15.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "oneccl", marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/8e/7f/d45a39bfb79561a366b6fe4d46ea43ba9cd0823122c1a6b64b8f34580ea2/oneccl_devel-2021.15.2-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:4d87bd3583438f40f6f3011627ad9f40de0498573a35ec81913ea54095b7e9e1", size = 34863035, upload-time = "2025-05-15T08:34:48.669Z" }, -] - -[[package]] -name = "onemkl-sycl-blas" -version = "2025.1.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "dpcpp-cpp-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "intel-opencl-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "mkl", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/b2/30/1d96ff9326ea3cfd988034266b79a82a211543407335fa8a176f20cfcb86/onemkl_sycl_blas-2025.1.0-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:6d445181651b4c9b7a62db3043df007e251622203b359d72a8a2037b08e14f75", size = 22213112, upload-time = "2025-03-21T15:24:04.163Z" }, - { url = "https://files.pythonhosted.org/packages/c3/bc/895b9f35946ac961ab31897124c21c7bb0d30cee14b256b9826aa2d53df3/onemkl_sycl_blas-2025.1.0-py2.py3-none-win_amd64.whl", hash = "sha256:cf120244f9e187d98d3cf4d28d73dc3d3749188fb71c8fd73a50f8f114a65663", size = 15859786, upload-time = "2025-03-21T15:24:57.447Z" }, -] - -[[package]] -name = "onemkl-sycl-dft" -version = "2025.1.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "dpcpp-cpp-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "intel-opencl-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "mkl", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/55/2b/4450e4523d1d5fd01205058979b0ca3110cdfe7e703dd67c55ca52e0101e/onemkl_sycl_dft-2025.1.0-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:14e6eef173fcec2c7cb111ca07590532375e534985d9476265c8481c874af105", size = 7126870, upload-time = "2025-03-21T15:23:47.769Z" }, - { url = "https://files.pythonhosted.org/packages/85/94/8ceeca84d92e871a2817e3ffda078c309df245707060ef2e0e1ff65bcd5d/onemkl_sycl_dft-2025.1.0-py2.py3-none-win_amd64.whl", hash = "sha256:f49f4d6d80d50ab4b0ab23bf69193ba55d3a695bfe0edd9c74713f699f7e29c9", size = 6295227, upload-time = "2025-03-21T15:24:54.068Z" }, -] - -[[package]] -name = "onemkl-sycl-lapack" -version = "2025.1.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "dpcpp-cpp-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "intel-opencl-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "mkl", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "onemkl-sycl-blas", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/83/ed/f178893aea01f5b5ece2eb3d36b1616bc9350b5ffb18907db29024771708/onemkl_sycl_lapack-2025.1.0-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:74f976ebd6a32140e5b27144c825d2e5585d5ba91f0dcac50476d78a1bdc0c81", size = 13011330, upload-time = "2025-03-21T15:23:03.884Z" }, - { url = "https://files.pythonhosted.org/packages/70/04/aa936f1455a4b1ede537f2076412d483ba182b6eeb08a074dc6f59862b56/onemkl_sycl_lapack-2025.1.0-py2.py3-none-win_amd64.whl", hash = "sha256:55862fc6bd2b91b489dee32c10f01caa3f26ccaf735d3dc4f8c7c6bae90e9d42", size = 10439410, upload-time = "2025-03-21T15:25:39.563Z" }, -] - -[[package]] -name = "onemkl-sycl-rng" -version = "2025.1.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "dpcpp-cpp-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "intel-opencl-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "mkl", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/87/e1/ec3faf77f7c058b8ce89a2b3240fdbf6ef16d0a4a45a0097805f99d86be6/onemkl_sycl_rng-2025.1.0-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:19669e714d74b21b2b2b07e2fd25b144b9f9fedba1da94922e8a4f64d9e1f53e", size = 25294801, upload-time = "2025-03-21T15:23:00.063Z" }, - { url = "https://files.pythonhosted.org/packages/f6/e8/3f86a65d956882b201a8012203b06998e0116dfe1e6b91354f9cdb1a55ff/onemkl_sycl_rng-2025.1.0-py2.py3-none-win_amd64.whl", hash = "sha256:72933d4d955e0d83e6a36e882370c480e5cb79d1f700e3c3144522e181f142dd", size = 16384320, upload-time = "2025-03-21T15:24:50.595Z" }, -] - -[[package]] -name = "onemkl-sycl-sparse" -version = "2025.1.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "dpcpp-cpp-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "intel-opencl-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "mkl", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "onemkl-sycl-blas", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/b3/a8/5d423def72174e476112ab2aecfd11a5efe86eab302aa9eea1f4eff6916a/onemkl_sycl_sparse-2025.1.0-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:d2e81d57f472977d89f9e4f2be093c048ae4ea35b8acee96b8656e1d4cedbe39", size = 22901713, upload-time = "2025-03-21T15:23:17.393Z" }, - { url = "https://files.pythonhosted.org/packages/08/38/07b691fdab35029598ec9e63dea9a69cf025cb87a7c7625ddea899240e2f/onemkl_sycl_sparse-2025.1.0-py2.py3-none-win_amd64.whl", hash = "sha256:fc28616c8109bdf7fd748f753a0a6d9718afa06f8561cd705e3038015e10c7b4", size = 17987274, upload-time = "2025-03-21T15:25:46.96Z" }, -] - -[[package]] -name = "onnx" -version = "1.19.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "ml-dtypes" }, - { name = "numpy" }, - { name = "protobuf" }, - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/27/2f/c619eb65769357e9b6de9212c9a821ab39cd484448e5d6b3fb5fb0a64c6d/onnx-1.19.1.tar.gz", hash = "sha256:737524d6eb3907d3499ea459c6f01c5a96278bb3a0f2ff8ae04786fb5d7f1ed5", size = 12033525, upload-time = "2025-10-10T04:01:34.342Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/5b/f3/892eea0206ed13a986239bd508c82b974387ef1b0ffd83ece0ce0725aaf6/onnx-1.19.1-cp310-cp310-macosx_12_0_universal2.whl", hash = "sha256:7343250cc5276cf439fe623b8f92e11cf0d1eebc733ae4a8b2e86903bb72ae68", size = 18319433, upload-time = "2025-10-10T03:59:47.236Z" }, - { url = "https://files.pythonhosted.org/packages/9c/f3/c7ea4a1dfda9b9ddeff914a601ffaf5ed151b3352529f223eae74c03c8d1/onnx-1.19.1-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:1fb8f79de7f3920bb82b537f3c6ac70c0ce59f600471d9c3eed2b5f8b079b748", size = 18043327, upload-time = "2025-10-10T03:59:50.854Z" }, - { url = "https://files.pythonhosted.org/packages/8d/eb/30159bb6a108b03f2b7521410369a5bd8d296be3fbf0b30ab7acd9ef42ad/onnx-1.19.1-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:92b9d2dece41cc84213dbbfd1acbc2a28c27108c53bd28ddb6d1043fbfcbd2d5", size = 18216877, upload-time = "2025-10-10T03:59:54.512Z" }, - { url = "https://files.pythonhosted.org/packages/0c/86/dc034e5a723a20ca45aa8dd76dda53c358a5f955908e1436f42c21bdfb3a/onnx-1.19.1-cp310-cp310-win32.whl", hash = "sha256:c0b1a2b6bb19a0fc9f5de7661a547136d082c03c169a5215e18ff3ececd2a82f", size = 16344116, upload-time = "2025-10-10T03:59:57.991Z" }, - { url = "https://files.pythonhosted.org/packages/b6/60/537f2c19050f71445ee00ed91e78a396b6189dd1fce61b29ac6a0d651c7e/onnx-1.19.1-cp310-cp310-win_amd64.whl", hash = "sha256:1c0498c00db05fcdb3426697d330dcecc3f60020015065e2c76fa795f2c9a605", size = 16462819, upload-time = "2025-10-10T04:00:01.157Z" }, - { url = "https://files.pythonhosted.org/packages/36/07/0019c72924909e4f64b9199770630ab7b8d7914b912b03230e68f5eda7ae/onnx-1.19.1-cp311-cp311-macosx_12_0_universal2.whl", hash = "sha256:17aaf5832126de0a5197a5864e4f09a764dd7681d3035135547959b4b6b77a09", size = 18320936, upload-time = "2025-10-10T04:00:04.235Z" }, - { url = "https://files.pythonhosted.org/packages/af/2f/5c47acf740dc35f0decc640844260fbbdc0efa0565657c93fd7ff30f13f3/onnx-1.19.1-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:01b292a4d0b197c45d8184545bbc8ae1df83466341b604187c1b05902cb9c920", size = 18044269, upload-time = "2025-10-10T04:00:07.449Z" }, - { url = "https://files.pythonhosted.org/packages/d5/61/6c457ee8c3a62a3cad0a4bfa4c5436bb3ac4df90c3551d40bee1224b5b51/onnx-1.19.1-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:1839af08ab4a909e4af936b8149c27f8c64b96138981024e251906e0539d8bf9", size = 18218092, upload-time = "2025-10-10T04:00:11.135Z" }, - { url = "https://files.pythonhosted.org/packages/54/d5/ab832e1369505e67926a70e9a102061f89ad01f91aa296c4b1277cb81b25/onnx-1.19.1-cp311-cp311-win32.whl", hash = "sha256:0bdbb676e3722bd32f9227c465d552689f49086f986a696419d865cb4e70b989", size = 16344809, upload-time = "2025-10-10T04:00:14.634Z" }, - { url = "https://files.pythonhosted.org/packages/8b/b5/6eb4611d24b85002f878ba8476b4cecbe6f9784c0236a3c5eff85236cc0a/onnx-1.19.1-cp311-cp311-win_amd64.whl", hash = "sha256:1346853df5c1e3ebedb2e794cf2a51e0f33759affd655524864ccbcddad7035b", size = 16464319, upload-time = "2025-10-10T04:00:18.235Z" }, - { url = "https://files.pythonhosted.org/packages/0c/ff/f0e1f06420c70e20d497fec7c94a864d069943b6312bedd4224c0ab946f8/onnx-1.19.1-cp311-cp311-win_arm64.whl", hash = "sha256:2d69c280c0e665b7f923f499243b9bb84fe97970b7a4668afa0032045de602c8", size = 16437503, upload-time = "2025-10-10T04:00:21.247Z" }, - { url = "https://files.pythonhosted.org/packages/50/07/f6c5b2cffef8c29e739616d1415aea22f7b7ef1f19c17f02b7cff71f5498/onnx-1.19.1-cp312-cp312-macosx_12_0_universal2.whl", hash = "sha256:3612193a89ddbce5c4e86150869b9258780a82fb8c4ca197723a4460178a6ce9", size = 18327840, upload-time = "2025-10-10T04:00:24.259Z" }, - { url = "https://files.pythonhosted.org/packages/93/20/0568ebd52730287ae80cac8ac893a7301c793ea1630984e2519ee92b02a9/onnx-1.19.1-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:6c2fd2f744e7a3880ad0c262efa2edf6d965d0bd02b8f327ec516ad4cb0f2f15", size = 18042539, upload-time = "2025-10-10T04:00:27.693Z" }, - { url = "https://files.pythonhosted.org/packages/14/fd/cd7a0fd10a04f8cc5ae436b63e0022e236fe51b9dbb8ee6317fd48568c72/onnx-1.19.1-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:485d3674d50d789e0ee72fa6f6e174ab81cb14c772d594f992141bd744729d8a", size = 18218271, upload-time = "2025-10-10T04:00:30.495Z" }, - { url = "https://files.pythonhosted.org/packages/65/68/cc8b8c05469fe08384b446304ad7e6256131ca0463bf6962366eebec98c0/onnx-1.19.1-cp312-cp312-win32.whl", hash = "sha256:638bc56ff1a5718f7441e887aeb4e450f37a81c6eac482040381b140bd9ba601", size = 16345111, upload-time = "2025-10-10T04:00:34.982Z" }, - { url = "https://files.pythonhosted.org/packages/c7/5e/d1cb16693598a512c2cf9ffe0841d8d8fd2c83ae8e889efd554f5aa427cf/onnx-1.19.1-cp312-cp312-win_amd64.whl", hash = "sha256:bc7e2e4e163e679721e547958b5a7db875bf822cad371b7c1304aa4401a7c7a4", size = 16465621, upload-time = "2025-10-10T04:00:39.107Z" }, - { url = "https://files.pythonhosted.org/packages/90/32/da116cc61fdef334782aa7f87a1738431dd1af1a5d1a44bd95d6d51ad260/onnx-1.19.1-cp312-cp312-win_arm64.whl", hash = "sha256:17c215b1c0f20fe93b4cbe62668247c1d2294b9bc7f6be0ca9ced28e980c07b7", size = 16437505, upload-time = "2025-10-10T04:00:42.255Z" }, - { url = "https://files.pythonhosted.org/packages/b4/b8/ab1fdfe2e8502f4dc4289fc893db35816bd20d080d8370f86e74dda5f598/onnx-1.19.1-cp313-cp313-macosx_12_0_universal2.whl", hash = "sha256:4e5f938c68c4dffd3e19e4fd76eb98d298174eb5ebc09319cdd0ec5fe50050dc", size = 18327815, upload-time = "2025-10-10T04:00:45.682Z" }, - { url = "https://files.pythonhosted.org/packages/04/40/eb875745a4b92aea10e5e32aa2830f409c4d7b6f7b48ca1c4eaad96636c5/onnx-1.19.1-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:86e20a5984b017feeef2dbf4ceff1c7c161ab9423254968dd77d3696c38691d0", size = 18041464, upload-time = "2025-10-10T04:00:48.557Z" }, - { url = "https://files.pythonhosted.org/packages/cf/8e/8586135f40dbe4989cec4d413164bc8fc5c73d37c566f33f5ea3a7f2b6f6/onnx-1.19.1-cp313-cp313-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:c8d9c467f0f29993c12f330736af87972f30adb8329b515f39d63a0db929cb2c", size = 18218244, upload-time = "2025-10-10T04:00:51.891Z" }, - { url = "https://files.pythonhosted.org/packages/51/b5/4201254b8683129db5da3fb55aa1f7e56d0a8d45c66ce875dec21ca1ff25/onnx-1.19.1-cp313-cp313-win32.whl", hash = "sha256:65eee353a51b4e4ca3e797784661e5376e2b209f17557e04921eac9166a8752e", size = 16345330, upload-time = "2025-10-10T04:00:54.858Z" }, - { url = "https://files.pythonhosted.org/packages/69/67/c6d239afbcdbeb6805432969b908b5c9f700c96d332b34e3f99518d76caf/onnx-1.19.1-cp313-cp313-win_amd64.whl", hash = "sha256:c3bc87e38b53554b1fc9ef7b275c81c6f5c93c90a91935bb0aa8d4d498a6d48e", size = 16465567, upload-time = "2025-10-10T04:00:57.893Z" }, - { url = "https://files.pythonhosted.org/packages/99/fe/89f1e40f5bc54595ff0dcf5391ce19e578b528973ccc74dd99800196d30d/onnx-1.19.1-cp313-cp313-win_arm64.whl", hash = "sha256:e41496f400afb980ec643d80d5164753a88a85234fa5c06afdeebc8b7d1ec252", size = 16437562, upload-time = "2025-10-10T04:01:00.703Z" }, - { url = "https://files.pythonhosted.org/packages/86/43/b186ccbc8fe7e93643a6a6d40bbf2bb6ce4fb9469bbd3453c77e270c50ad/onnx-1.19.1-cp313-cp313t-macosx_12_0_universal2.whl", hash = "sha256:5f6274abf0fd74e80e78ecbb44bd44509409634525c89a9b38276c8af47dc0a2", size = 18355703, upload-time = "2025-10-10T04:01:03.735Z" }, - { url = "https://files.pythonhosted.org/packages/60/f1/22ee4d8b8f9fa4cb1d1b9579da3b4b5187ddab33846ec5ac744af02c0e2b/onnx-1.19.1-cp313-cp313t-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:07dcd4d83584eb4bf8f21ac04c82643712e5e93ac2a0ed10121ec123cb127e1e", size = 18047830, upload-time = "2025-10-10T04:01:06.552Z" }, - { url = "https://files.pythonhosted.org/packages/8e/a4/8f3d51e3a095d42cdf2039a590cff06d024f2a10efbd0b1a2a6b3825f019/onnx-1.19.1-cp313-cp313t-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:1975860c3e720db25d37f1619976582828264bdcc64fa7511c321ac4fc01add3", size = 18221126, upload-time = "2025-10-10T04:01:09.77Z" }, - { url = "https://files.pythonhosted.org/packages/4f/0d/f9d6c2237083f1aac14b37f0b03b0d81f1147a8e2af0c3828165e0a6a67b/onnx-1.19.1-cp313-cp313t-win_amd64.whl", hash = "sha256:9807d0e181f6070ee3a6276166acdc571575d1bd522fc7e89dba16fd6e7ffed9", size = 16465560, upload-time = "2025-10-10T04:01:13.212Z" }, - { url = "https://files.pythonhosted.org/packages/36/70/8418a58faa7d606d6a92cab69ae8d361b3b3969bf7e7e9a65a86d5d1b674/onnx-1.19.1-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:b6ee83e6929d75005482d9f304c502ac7c9b8d6db153aa6b484dae74d0f28570", size = 18042812, upload-time = "2025-10-10T04:01:15.919Z" }, -] - -[[package]] -name = "open-clip-torch" -version = "2.24.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "ftfy" }, - { name = "huggingface-hub" }, - { name = "protobuf" }, - { name = "regex" }, - { name = "sentencepiece" }, - { name = "timm" }, - { name = "torch", version = "2.5.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.5.1+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.6.0+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0+xpu", source = { registry = "https://download.pytorch.org/whl/xpu" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.9.0+cu130", source = { registry = "https://download.pytorch.org/whl/cu130" }, marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.20.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.20.1+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.21.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.21.0+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.22.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.23.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.14' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.23.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.23.0+xpu", source = { registry = "https://download.pytorch.org/whl/xpu" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.24.0", source = { registry = "https://download.pytorch.org/whl/cu130" }, marker = "(python_full_version < '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.24.0+cu130", source = { registry = "https://download.pytorch.org/whl/cu130" }, marker = "(python_full_version >= '3.15' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.15' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "tqdm" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/2a/a3/4dc94bfbfc45cbc49f0b7cac1aee1f2b15420013b26e18a94fdcdd906a2a/open_clip_torch-2.24.0.tar.gz", hash = "sha256:1ae2482aee313827c399eb8a4e735f0b0cd31e4c62085ce2dbfa3a13190219ff", size = 1479567, upload-time = "2024-01-08T10:35:55.753Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/d9/d2/6ae2ee32d0d2ea9982774920e0ef96d439ee332f459f6d8a941149b1b4ad/open_clip_torch-2.24.0-py3-none-any.whl", hash = "sha256:2537dbe76c8008caa46652bc97cb32bceeae56baff6289e7b4eb22539a80c801", size = 1497056, upload-time = "2024-01-08T10:35:53.143Z" }, -] - -[[package]] -name = "openai" -version = "2.6.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "anyio" }, - { name = "distro" }, - { name = "httpx" }, - { name = "jiter" }, - { name = "pydantic" }, - { name = "sniffio" }, - { name = "tqdm" }, - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/c4/44/303deb97be7c1c9b53118b52825cbd1557aeeff510f3a52566b1fa66f6a2/openai-2.6.1.tar.gz", hash = "sha256:27ae704d190615fca0c0fc2b796a38f8b5879645a3a52c9c453b23f97141bb49", size = 593043, upload-time = "2025-10-24T13:29:52.79Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/15/0e/331df43df633e6105ff9cf45e0ce57762bd126a45ac16b25a43f6738d8a2/openai-2.6.1-py3-none-any.whl", hash = "sha256:904e4b5254a8416746a2f05649594fa41b19d799843cd134dac86167e094edef", size = 1005551, upload-time = "2025-10-24T13:29:50.973Z" }, -] - -[[package]] -name = "opencv-python" -version = "4.12.0.88" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "numpy" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/ac/71/25c98e634b6bdeca4727c7f6d6927b056080668c5008ad3c8fc9e7f8f6ec/opencv-python-4.12.0.88.tar.gz", hash = "sha256:8b738389cede219405f6f3880b851efa3415ccd674752219377353f017d2994d", size = 95373294, upload-time = "2025-07-07T09:20:52.389Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/85/68/3da40142e7c21e9b1d4e7ddd6c58738feb013203e6e4b803d62cdd9eb96b/opencv_python-4.12.0.88-cp37-abi3-macosx_13_0_arm64.whl", hash = "sha256:f9a1f08883257b95a5764bf517a32d75aec325319c8ed0f89739a57fae9e92a5", size = 37877727, upload-time = "2025-07-07T09:13:31.47Z" }, - { url = "https://files.pythonhosted.org/packages/33/7c/042abe49f58d6ee7e1028eefc3334d98ca69b030e3b567fe245a2b28ea6f/opencv_python-4.12.0.88-cp37-abi3-macosx_13_0_x86_64.whl", hash = "sha256:812eb116ad2b4de43ee116fcd8991c3a687f099ada0b04e68f64899c09448e81", size = 57326471, upload-time = "2025-07-07T09:13:41.26Z" }, - { url = "https://files.pythonhosted.org/packages/62/3a/440bd64736cf8116f01f3b7f9f2e111afb2e02beb2ccc08a6458114a6b5d/opencv_python-4.12.0.88-cp37-abi3-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:51fd981c7df6af3e8f70b1556696b05224c4e6b6777bdd2a46b3d4fb09de1a92", size = 45887139, upload-time = "2025-07-07T09:13:50.761Z" }, - { url = "https://files.pythonhosted.org/packages/68/1f/795e7f4aa2eacc59afa4fb61a2e35e510d06414dd5a802b51a012d691b37/opencv_python-4.12.0.88-cp37-abi3-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:092c16da4c5a163a818f120c22c5e4a2f96e0db4f24e659c701f1fe629a690f9", size = 67041680, upload-time = "2025-07-07T09:14:01.995Z" }, - { url = "https://files.pythonhosted.org/packages/02/96/213fea371d3cb2f1d537612a105792aa0a6659fb2665b22cad709a75bd94/opencv_python-4.12.0.88-cp37-abi3-win32.whl", hash = "sha256:ff554d3f725b39878ac6a2e1fa232ec509c36130927afc18a1719ebf4fbf4357", size = 30284131, upload-time = "2025-07-07T09:14:08.819Z" }, - { url = "https://files.pythonhosted.org/packages/fa/80/eb88edc2e2b11cd2dd2e56f1c80b5784d11d6e6b7f04a1145df64df40065/opencv_python-4.12.0.88-cp37-abi3-win_amd64.whl", hash = "sha256:d98edb20aa932fd8ebd276a72627dad9dc097695b3d435a4257557bbb49a79d2", size = 39000307, upload-time = "2025-07-07T09:14:16.641Z" }, -] - -[[package]] -name = "opentelemetry-api" -version = "1.38.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "importlib-metadata" }, - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/08/d8/0f354c375628e048bd0570645b310797299754730079853095bf000fba69/opentelemetry_api-1.38.0.tar.gz", hash = "sha256:f4c193b5e8acb0912b06ac5b16321908dd0843d75049c091487322284a3eea12", size = 65242, upload-time = "2025-10-16T08:35:50.25Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ae/a2/d86e01c28300bd41bab8f18afd613676e2bd63515417b77636fc1add426f/opentelemetry_api-1.38.0-py3-none-any.whl", hash = "sha256:2891b0197f47124454ab9f0cf58f3be33faca394457ac3e09daba13ff50aa582", size = 65947, upload-time = "2025-10-16T08:35:30.23Z" }, -] - -[[package]] -name = "opentelemetry-proto" -version = "1.38.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "protobuf" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/51/14/f0c4f0f6371b9cb7f9fa9ee8918bfd59ac7040c7791f1e6da32a1839780d/opentelemetry_proto-1.38.0.tar.gz", hash = "sha256:88b161e89d9d372ce723da289b7da74c3a8354a8e5359992be813942969ed468", size = 46152, upload-time = "2025-10-16T08:36:01.612Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/b6/6a/82b68b14efca5150b2632f3692d627afa76b77378c4999f2648979409528/opentelemetry_proto-1.38.0-py3-none-any.whl", hash = "sha256:b6ebe54d3217c42e45462e2a1ae28c3e2bf2ec5a5645236a490f55f45f1a0a18", size = 72535, upload-time = "2025-10-16T08:35:45.749Z" }, -] - -[[package]] -name = "opentelemetry-sdk" -version = "1.38.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "opentelemetry-api" }, - { name = "opentelemetry-semantic-conventions" }, - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/85/cb/f0eee1445161faf4c9af3ba7b848cc22a50a3d3e2515051ad8628c35ff80/opentelemetry_sdk-1.38.0.tar.gz", hash = "sha256:93df5d4d871ed09cb4272305be4d996236eedb232253e3ab864c8620f051cebe", size = 171942, upload-time = "2025-10-16T08:36:02.257Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/2f/2e/e93777a95d7d9c40d270a371392b6d6f1ff170c2a3cb32d6176741b5b723/opentelemetry_sdk-1.38.0-py3-none-any.whl", hash = "sha256:1c66af6564ecc1553d72d811a01df063ff097cdc82ce188da9951f93b8d10f6b", size = 132349, upload-time = "2025-10-16T08:35:46.995Z" }, -] - -[[package]] -name = "opentelemetry-semantic-conventions" -version = "0.59b0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "opentelemetry-api" }, - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/40/bc/8b9ad3802cd8ac6583a4eb7de7e5d7db004e89cb7efe7008f9c8a537ee75/opentelemetry_semantic_conventions-0.59b0.tar.gz", hash = "sha256:7a6db3f30d70202d5bf9fa4b69bc866ca6a30437287de6c510fb594878aed6b0", size = 129861, upload-time = "2025-10-16T08:36:03.346Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/24/7d/c88d7b15ba8fe5c6b8f93be50fc11795e9fc05386c44afaf6b76fe191f9b/opentelemetry_semantic_conventions-0.59b0-py3-none-any.whl", hash = "sha256:35d3b8833ef97d614136e253c1da9342b4c3c083bbaf29ce31d572a1c3825eed", size = 207954, upload-time = "2025-10-16T08:35:48.054Z" }, -] - -[[package]] -name = "openvino" -version = "2025.3.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "numpy" }, - { name = "openvino-telemetry" }, - { name = "packaging" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/34/62/0269c7bb3e8a4044216a48de8c033455c654b92fbc35ebe302aeb2e1ee5d/openvino-2025.3.0-19807-cp310-cp310-macosx_10_15_x86_64.whl", hash = "sha256:65e46f3a31f4789870612444417735c7fd3a27c99927a7bbcba2dd55ca87adb9", size = 39454260, upload-time = "2025-09-03T09:26:22.777Z" }, - { url = "https://files.pythonhosted.org/packages/95/ea/4cbf8b995ab4fa96e77504a53ad68102a117b36d534d62fe131f47c769b2/openvino-2025.3.0-19807-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:6797b5d753dba7639b6fdbf677cac0a6929daeeb4073f4e7fe125ad7fcf8d071", size = 32078880, upload-time = "2025-09-03T09:26:25.942Z" }, - { url = "https://files.pythonhosted.org/packages/e7/9e/f256b1aa0b9b6d278c70222397e6d974763bb4f16d31096327d705cb8bbf/openvino-2025.3.0-19807-cp310-cp310-manylinux2014_x86_64.whl", hash = "sha256:e61ae576aa2c0f766e9b9cee7081026474191f2a145c9a666a9931a82ffe31a4", size = 48965362, upload-time = "2025-09-03T09:26:29.747Z" }, - { url = "https://files.pythonhosted.org/packages/92/46/1f86133b078f44d3c6647a74aaedc028e08e793ab30b948b56edd680a208/openvino-2025.3.0-19807-cp310-cp310-manylinux_2_35_aarch64.whl", hash = "sha256:f85775c5eb404523e0371fa33d305d88e9ed15ecdab77c1e209abe54e981ac38", size = 27702047, upload-time = "2025-09-03T09:26:32.331Z" }, - { url = "https://files.pythonhosted.org/packages/ed/91/2209e0186863a2d2250f520a29c3a006fc873d4e65ecbce8dfa3710d4a7d/openvino-2025.3.0-19807-cp310-cp310-win_amd64.whl", hash = "sha256:ec1c369503565b4c4f004152210631a407c92b0b01003dae8f5e887858c8f15c", size = 40630779, upload-time = "2025-09-03T09:26:35.43Z" }, - { url = "https://files.pythonhosted.org/packages/71/22/9eb091756e063cb395205a77c44133a87f3957b0c4389b8497a7ba59fcb9/openvino-2025.3.0-19807-cp311-cp311-macosx_10_15_x86_64.whl", hash = "sha256:515e1f3e148e348422ff0c8eec1a2570c775b0d704b9af66429e0b8397d0a09f", size = 39462758, upload-time = "2025-09-03T09:26:38.236Z" }, - { url = "https://files.pythonhosted.org/packages/e5/cd/c00cfd6404a78ebba867c90ec7e043e585ee96a63beb0a609683ead2f86e/openvino-2025.3.0-19807-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:91d5ac169e398d1f03bfd39f8d063d63a5226b01df3cc8218772d947badbbc60", size = 32086602, upload-time = "2025-09-03T09:26:41.426Z" }, - { url = "https://files.pythonhosted.org/packages/c6/ce/cd768e7f2bc21ef93c367b3a850768239a43aa7bd0f2e1e34fd4ab1e3a7d/openvino-2025.3.0-19807-cp311-cp311-manylinux2014_x86_64.whl", hash = "sha256:fcc9e4e8116845359a15dfd721bb863a207325bd267770919cc0fb72e6036764", size = 48974582, upload-time = "2025-09-03T09:26:44.468Z" }, - { url = "https://files.pythonhosted.org/packages/c6/0d/e867ca8dce7195488dce66bd432e0172d81128343fd931e3941d4d9b2ac0/openvino-2025.3.0-19807-cp311-cp311-manylinux_2_35_aarch64.whl", hash = "sha256:efa2a2b3800f3343070a43ef47d21e8257d4b060f36ef3edef85f97d7bcdd29b", size = 27709483, upload-time = "2025-09-03T09:26:47.235Z" }, - { url = "https://files.pythonhosted.org/packages/7a/f2/4e59a29c7687e99c831ce190e7d54603e1ed2bdcfbdd00792d8bba829d74/openvino-2025.3.0-19807-cp311-cp311-win_amd64.whl", hash = "sha256:11c57fd340d957948b66cb91e1694f79b744fd754800bd1f7e0543d926b0a015", size = 40637044, upload-time = "2025-09-03T09:26:49.664Z" }, - { url = "https://files.pythonhosted.org/packages/dc/f8/0bca9783eda61d445b3c4bc1a141ecdbfa864d96d34fdf07aacd103609d7/openvino-2025.3.0-19807-cp312-cp312-macosx_10_15_x86_64.whl", hash = "sha256:3e9ebe81b17b8d92290191551c25c74da07358bd4c6e25058f6f906596f062ef", size = 39529889, upload-time = "2025-09-03T09:26:53.341Z" }, - { url = "https://files.pythonhosted.org/packages/73/9a/ec0bfe714996da93cb31fe5cc76b864f86a727935a275f68df697b716b59/openvino-2025.3.0-19807-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:c324e0bb47b2a29ea3340454dddd3032afcb2794ab1b68a858bd693892ea21e4", size = 32120253, upload-time = "2025-09-03T09:26:55.752Z" }, - { url = "https://files.pythonhosted.org/packages/f4/e3/1e2588b2bc85b7437f8c38dda0b04df47d4234599e4efaf55574d7b49575/openvino-2025.3.0-19807-cp312-cp312-manylinux2014_x86_64.whl", hash = "sha256:3b5523b739650b7df29d68c59c58a928e454181d637c0c9c71087c6dbfd0e071", size = 48981144, upload-time = "2025-09-03T09:26:58.618Z" }, - { url = "https://files.pythonhosted.org/packages/3f/96/96e9a2f30562c66866b2b6f5b4ebbb6e3146148a2feb064b128d77f885c6/openvino-2025.3.0-19807-cp312-cp312-manylinux_2_35_aarch64.whl", hash = "sha256:3895d7873d06e95066c7a09dd09eb23dc5553359c66fe63c11c43938ed08df37", size = 27707240, upload-time = "2025-09-03T09:27:01.041Z" }, - { url = "https://files.pythonhosted.org/packages/da/fc/20bfe74f30576af264d6166005bbcf4426c7e375c4e5cd160402e7ffb6f0/openvino-2025.3.0-19807-cp312-cp312-win_amd64.whl", hash = "sha256:e2ee0d79a6bb50bcdaf111640935a21802dc38f3285ea1e25ff353bb99f70f5a", size = 40629330, upload-time = "2025-09-03T09:27:03.547Z" }, - { url = "https://files.pythonhosted.org/packages/09/27/bc0844b3478e1325eb83e2a823e888b3a73e1d7a0747fa42e5f1c9e8eddd/openvino-2025.3.0-19807-cp313-cp313-macosx_10_15_x86_64.whl", hash = "sha256:d5e0ae44e84fecdbe44543eb07662f3bb9a8f7e70e80d9fba5b3387fe6a82698", size = 39530514, upload-time = "2025-09-03T09:27:06.113Z" }, - { url = "https://files.pythonhosted.org/packages/1e/bc/a5e7d87c3f667e379b898e9b8c5fbfd7f650d0208e265c808540747aed71/openvino-2025.3.0-19807-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:e0a0d22e2bcde936e2f7500cd9ea2240eb00ba440e896cacdfcf535941ad3859", size = 32120370, upload-time = "2025-09-03T09:27:10.095Z" }, - { url = "https://files.pythonhosted.org/packages/84/4e/f05f3c05af28b5d3af2410ce210aa1719d22ab379be73ba173ffb9811289/openvino-2025.3.0-19807-cp313-cp313-manylinux2014_x86_64.whl", hash = "sha256:e79b7280d13350dc83f83e86799d5eef71f09338f7f5b9f26a1530e67f8ea765", size = 48984273, upload-time = "2025-09-03T09:27:13.261Z" }, - { url = "https://files.pythonhosted.org/packages/4a/8f/79f4412e705ec6561be1effc0c07821839674a7b06bba45147a01de01758/openvino-2025.3.0-19807-cp313-cp313-manylinux_2_35_aarch64.whl", hash = "sha256:c156c5482bf013d1105bff6781f23c26480d5bf4a5d39e1e14970f170b6ed09e", size = 27709658, upload-time = "2025-09-03T09:27:15.632Z" }, - { url = "https://files.pythonhosted.org/packages/33/65/e0de33399494630f78fcb72f58f9f6fd7f9b33a65a6e12eb5fd5074730de/openvino-2025.3.0-19807-cp313-cp313-win_amd64.whl", hash = "sha256:54da8bf271b4d4c38425e6a3935ce82911391b0515e3439864b0f15a28080fe9", size = 40629458, upload-time = "2025-09-03T09:27:18.129Z" }, -] - -[[package]] -name = "openvino-telemetry" -version = "2025.2.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/71/8a/89d82f1a9d913fb266c2e6dc2f6030935db24b7152963a8db6c4f039787f/openvino_telemetry-2025.2.0.tar.gz", hash = "sha256:8bf8127218e51e99547bf38b8fb85a8b31c9bf96e6f3a82eb0b3b6a34155977c", size = 18894, upload-time = "2025-07-07T10:29:51.159Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/3b/ac/5ab0ca0aa269ad3c73f7bfc3801b10e5f56f75a31bf68c1ae8bd51cf70a4/openvino_telemetry-2025.2.0-py3-none-any.whl", hash = "sha256:bcb667e83a44f202ecf4cfa49281715c6d7e21499daec04ff853b7f964833599", size = 25227, upload-time = "2025-07-07T10:29:50.189Z" }, -] - -[[package]] -name = "orjson" -version = "3.11.4" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/c6/fe/ed708782d6709cc60eb4c2d8a361a440661f74134675c72990f2c48c785f/orjson-3.11.4.tar.gz", hash = "sha256:39485f4ab4c9b30a3943cfe99e1a213c4776fb69e8abd68f66b83d5a0b0fdc6d", size = 5945188, upload-time = "2025-10-24T15:50:38.027Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e0/30/5aed63d5af1c8b02fbd2a8d83e2a6c8455e30504c50dbf08c8b51403d873/orjson-3.11.4-cp310-cp310-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:e3aa2118a3ece0d25489cbe48498de8a5d580e42e8d9979f65bf47900a15aba1", size = 243870, upload-time = "2025-10-24T15:48:28.908Z" }, - { url = "https://files.pythonhosted.org/packages/44/1f/da46563c08bef33c41fd63c660abcd2184b4d2b950c8686317d03b9f5f0c/orjson-3.11.4-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a69ab657a4e6733133a3dca82768f2f8b884043714e8d2b9ba9f52b6efef5c44", size = 130622, upload-time = "2025-10-24T15:48:31.361Z" }, - { url = "https://files.pythonhosted.org/packages/02/bd/b551a05d0090eab0bf8008a13a14edc0f3c3e0236aa6f5b697760dd2817b/orjson-3.11.4-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:3740bffd9816fc0326ddc406098a3a8f387e42223f5f455f2a02a9f834ead80c", size = 129344, upload-time = "2025-10-24T15:48:32.71Z" }, - { url = "https://files.pythonhosted.org/packages/87/6c/9ddd5e609f443b2548c5e7df3c44d0e86df2c68587a0e20c50018cdec535/orjson-3.11.4-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:65fd2f5730b1bf7f350c6dc896173d3460d235c4be007af73986d7cd9a2acd23", size = 136633, upload-time = "2025-10-24T15:48:34.128Z" }, - { url = "https://files.pythonhosted.org/packages/95/f2/9f04f2874c625a9fb60f6918c33542320661255323c272e66f7dcce14df2/orjson-3.11.4-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9fdc3ae730541086158d549c97852e2eea6820665d4faf0f41bf99df41bc11ea", size = 137695, upload-time = "2025-10-24T15:48:35.654Z" }, - { url = "https://files.pythonhosted.org/packages/d2/c2/c7302afcbdfe8a891baae0e2cee091583a30e6fa613e8bdf33b0e9c8a8c7/orjson-3.11.4-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e10b4d65901da88845516ce9f7f9736f9638d19a1d483b3883dc0182e6e5edba", size = 136879, upload-time = "2025-10-24T15:48:37.483Z" }, - { url = "https://files.pythonhosted.org/packages/c6/3a/b31c8f0182a3e27f48e703f46e61bb769666cd0dac4700a73912d07a1417/orjson-3.11.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fb6a03a678085f64b97f9d4a9ae69376ce91a3a9e9b56a82b1580d8e1d501aff", size = 136374, upload-time = "2025-10-24T15:48:38.624Z" }, - { url = "https://files.pythonhosted.org/packages/29/d0/fd9ab96841b090d281c46df566b7f97bc6c8cd9aff3f3ebe99755895c406/orjson-3.11.4-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:2c82e4f0b1c712477317434761fbc28b044c838b6b1240d895607441412371ac", size = 140519, upload-time = "2025-10-24T15:48:39.756Z" }, - { url = "https://files.pythonhosted.org/packages/d6/ce/36eb0f15978bb88e33a3480e1a3fb891caa0f189ba61ce7713e0ccdadabf/orjson-3.11.4-cp310-cp310-musllinux_1_2_armv7l.whl", hash = "sha256:d58c166a18f44cc9e2bad03a327dc2d1a3d2e85b847133cfbafd6bfc6719bd79", size = 406522, upload-time = "2025-10-24T15:48:41.198Z" }, - { url = "https://files.pythonhosted.org/packages/85/11/e8af3161a288f5c6a00c188fc729c7ba193b0cbc07309a1a29c004347c30/orjson-3.11.4-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:94f206766bf1ea30e1382e4890f763bd1eefddc580e08fec1ccdc20ddd95c827", size = 149790, upload-time = "2025-10-24T15:48:42.664Z" }, - { url = "https://files.pythonhosted.org/packages/ea/96/209d52db0cf1e10ed48d8c194841e383e23c2ced5a2ee766649fe0e32d02/orjson-3.11.4-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:41bf25fb39a34cf8edb4398818523277ee7096689db352036a9e8437f2f3ee6b", size = 140040, upload-time = "2025-10-24T15:48:44.042Z" }, - { url = "https://files.pythonhosted.org/packages/ef/0e/526db1395ccb74c3d59ac1660b9a325017096dc5643086b38f27662b4add/orjson-3.11.4-cp310-cp310-win32.whl", hash = "sha256:fa9627eba4e82f99ca6d29bc967f09aba446ee2b5a1ea728949ede73d313f5d3", size = 135955, upload-time = "2025-10-24T15:48:45.495Z" }, - { url = "https://files.pythonhosted.org/packages/e6/69/18a778c9de3702b19880e73c9866b91cc85f904b885d816ba1ab318b223c/orjson-3.11.4-cp310-cp310-win_amd64.whl", hash = "sha256:23ef7abc7fca96632d8174ac115e668c1e931b8fe4dde586e92a500bf1914dcc", size = 131577, upload-time = "2025-10-24T15:48:46.609Z" }, - { url = "https://files.pythonhosted.org/packages/63/1d/1ea6005fffb56715fd48f632611e163d1604e8316a5bad2288bee9a1c9eb/orjson-3.11.4-cp311-cp311-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:5e59d23cd93ada23ec59a96f215139753fbfe3a4d989549bcb390f8c00370b39", size = 243498, upload-time = "2025-10-24T15:48:48.101Z" }, - { url = "https://files.pythonhosted.org/packages/37/d7/ffed10c7da677f2a9da307d491b9eb1d0125b0307019c4ad3d665fd31f4f/orjson-3.11.4-cp311-cp311-macosx_15_0_arm64.whl", hash = "sha256:5c3aedecfc1beb988c27c79d52ebefab93b6c3921dbec361167e6559aba2d36d", size = 128961, upload-time = "2025-10-24T15:48:49.571Z" }, - { url = "https://files.pythonhosted.org/packages/a2/96/3e4d10a18866d1368f73c8c44b7fe37cc8a15c32f2a7620be3877d4c55a3/orjson-3.11.4-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:da9e5301f1c2caa2a9a4a303480d79c9ad73560b2e7761de742ab39fe59d9175", size = 130321, upload-time = "2025-10-24T15:48:50.713Z" }, - { url = "https://files.pythonhosted.org/packages/eb/1f/465f66e93f434f968dd74d5b623eb62c657bdba2332f5a8be9f118bb74c7/orjson-3.11.4-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:8873812c164a90a79f65368f8f96817e59e35d0cc02786a5356f0e2abed78040", size = 129207, upload-time = "2025-10-24T15:48:52.193Z" }, - { url = "https://files.pythonhosted.org/packages/28/43/d1e94837543321c119dff277ae8e348562fe8c0fafbb648ef7cb0c67e521/orjson-3.11.4-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:5d7feb0741ebb15204e748f26c9638e6665a5fa93c37a2c73d64f1669b0ddc63", size = 136323, upload-time = "2025-10-24T15:48:54.806Z" }, - { url = "https://files.pythonhosted.org/packages/bf/04/93303776c8890e422a5847dd012b4853cdd88206b8bbd3edc292c90102d1/orjson-3.11.4-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:01ee5487fefee21e6910da4c2ee9eef005bee568a0879834df86f888d2ffbdd9", size = 137440, upload-time = "2025-10-24T15:48:56.326Z" }, - { url = "https://files.pythonhosted.org/packages/1e/ef/75519d039e5ae6b0f34d0336854d55544ba903e21bf56c83adc51cd8bf82/orjson-3.11.4-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3d40d46f348c0321df01507f92b95a377240c4ec31985225a6668f10e2676f9a", size = 136680, upload-time = "2025-10-24T15:48:57.476Z" }, - { url = "https://files.pythonhosted.org/packages/b5/18/bf8581eaae0b941b44efe14fee7b7862c3382fbc9a0842132cfc7cf5ecf4/orjson-3.11.4-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:95713e5fc8af84d8edc75b785d2386f653b63d62b16d681687746734b4dfc0be", size = 136160, upload-time = "2025-10-24T15:48:59.631Z" }, - { url = "https://files.pythonhosted.org/packages/c4/35/a6d582766d351f87fc0a22ad740a641b0a8e6fc47515e8614d2e4790ae10/orjson-3.11.4-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:ad73ede24f9083614d6c4ca9a85fe70e33be7bf047ec586ee2363bc7418fe4d7", size = 140318, upload-time = "2025-10-24T15:49:00.834Z" }, - { url = "https://files.pythonhosted.org/packages/76/b3/5a4801803ab2e2e2d703bce1a56540d9f99a9143fbec7bf63d225044fef8/orjson-3.11.4-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:842289889de515421f3f224ef9c1f1efb199a32d76d8d2ca2706fa8afe749549", size = 406330, upload-time = "2025-10-24T15:49:02.327Z" }, - { url = "https://files.pythonhosted.org/packages/80/55/a8f682f64833e3a649f620eafefee175cbfeb9854fc5b710b90c3bca45df/orjson-3.11.4-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:3b2427ed5791619851c52a1261b45c233930977e7de8cf36de05636c708fa905", size = 149580, upload-time = "2025-10-24T15:49:03.517Z" }, - { url = "https://files.pythonhosted.org/packages/ad/e4/c132fa0c67afbb3eb88274fa98df9ac1f631a675e7877037c611805a4413/orjson-3.11.4-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:3c36e524af1d29982e9b190573677ea02781456b2e537d5840e4538a5ec41907", size = 139846, upload-time = "2025-10-24T15:49:04.761Z" }, - { url = "https://files.pythonhosted.org/packages/54/06/dc3491489efd651fef99c5908e13951abd1aead1257c67f16135f95ce209/orjson-3.11.4-cp311-cp311-win32.whl", hash = "sha256:87255b88756eab4a68ec61837ca754e5d10fa8bc47dc57f75cedfeaec358d54c", size = 135781, upload-time = "2025-10-24T15:49:05.969Z" }, - { url = "https://files.pythonhosted.org/packages/79/b7/5e5e8d77bd4ea02a6ac54c42c818afb01dd31961be8a574eb79f1d2cfb1e/orjson-3.11.4-cp311-cp311-win_amd64.whl", hash = "sha256:e2d5d5d798aba9a0e1fede8d853fa899ce2cb930ec0857365f700dffc2c7af6a", size = 131391, upload-time = "2025-10-24T15:49:07.355Z" }, - { url = "https://files.pythonhosted.org/packages/0f/dc/9484127cc1aa213be398ed735f5f270eedcb0c0977303a6f6ddc46b60204/orjson-3.11.4-cp311-cp311-win_arm64.whl", hash = "sha256:6bb6bb41b14c95d4f2702bce9975fda4516f1db48e500102fc4d8119032ff045", size = 126252, upload-time = "2025-10-24T15:49:08.869Z" }, - { url = "https://files.pythonhosted.org/packages/63/51/6b556192a04595b93e277a9ff71cd0cc06c21a7df98bcce5963fa0f5e36f/orjson-3.11.4-cp312-cp312-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:d4371de39319d05d3f482f372720b841c841b52f5385bd99c61ed69d55d9ab50", size = 243571, upload-time = "2025-10-24T15:49:10.008Z" }, - { url = "https://files.pythonhosted.org/packages/1c/2c/2602392ddf2601d538ff11848b98621cd465d1a1ceb9db9e8043181f2f7b/orjson-3.11.4-cp312-cp312-macosx_15_0_arm64.whl", hash = "sha256:e41fd3b3cac850eaae78232f37325ed7d7436e11c471246b87b2cd294ec94853", size = 128891, upload-time = "2025-10-24T15:49:11.297Z" }, - { url = "https://files.pythonhosted.org/packages/4e/47/bf85dcf95f7a3a12bf223394a4f849430acd82633848d52def09fa3f46ad/orjson-3.11.4-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:600e0e9ca042878c7fdf189cf1b028fe2c1418cc9195f6cb9824eb6ed99cb938", size = 130137, upload-time = "2025-10-24T15:49:12.544Z" }, - { url = "https://files.pythonhosted.org/packages/b4/4d/a0cb31007f3ab6f1fd2a1b17057c7c349bc2baf8921a85c0180cc7be8011/orjson-3.11.4-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:7bbf9b333f1568ef5da42bc96e18bf30fd7f8d54e9ae066d711056add508e415", size = 129152, upload-time = "2025-10-24T15:49:13.754Z" }, - { url = "https://files.pythonhosted.org/packages/f7/ef/2811def7ce3d8576b19e3929fff8f8f0d44bc5eb2e0fdecb2e6e6cc6c720/orjson-3.11.4-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4806363144bb6e7297b8e95870e78d30a649fdc4e23fc84daa80c8ebd366ce44", size = 136834, upload-time = "2025-10-24T15:49:15.307Z" }, - { url = "https://files.pythonhosted.org/packages/00/d4/9aee9e54f1809cec8ed5abd9bc31e8a9631d19460e3b8470145d25140106/orjson-3.11.4-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ad355e8308493f527d41154e9053b86a5be892b3b359a5c6d5d95cda23601cb2", size = 137519, upload-time = "2025-10-24T15:49:16.557Z" }, - { url = "https://files.pythonhosted.org/packages/db/ea/67bfdb5465d5679e8ae8d68c11753aaf4f47e3e7264bad66dc2f2249e643/orjson-3.11.4-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c8a7517482667fb9f0ff1b2f16fe5829296ed7a655d04d68cd9711a4d8a4e708", size = 136749, upload-time = "2025-10-24T15:49:17.796Z" }, - { url = "https://files.pythonhosted.org/packages/01/7e/62517dddcfce6d53a39543cd74d0dccfcbdf53967017c58af68822100272/orjson-3.11.4-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:97eb5942c7395a171cbfecc4ef6701fc3c403e762194683772df4c54cfbb2210", size = 136325, upload-time = "2025-10-24T15:49:19.347Z" }, - { url = "https://files.pythonhosted.org/packages/18/ae/40516739f99ab4c7ec3aaa5cc242d341fcb03a45d89edeeaabc5f69cb2cf/orjson-3.11.4-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:149d95d5e018bdd822e3f38c103b1a7c91f88d38a88aada5c4e9b3a73a244241", size = 140204, upload-time = "2025-10-24T15:49:20.545Z" }, - { url = "https://files.pythonhosted.org/packages/82/18/ff5734365623a8916e3a4037fcef1cd1782bfc14cf0992afe7940c5320bf/orjson-3.11.4-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:624f3951181eb46fc47dea3d221554e98784c823e7069edb5dbd0dc826ac909b", size = 406242, upload-time = "2025-10-24T15:49:21.884Z" }, - { url = "https://files.pythonhosted.org/packages/e1/43/96436041f0a0c8c8deca6a05ebeaf529bf1de04839f93ac5e7c479807aec/orjson-3.11.4-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:03bfa548cf35e3f8b3a96c4e8e41f753c686ff3d8e182ce275b1751deddab58c", size = 150013, upload-time = "2025-10-24T15:49:23.185Z" }, - { url = "https://files.pythonhosted.org/packages/1b/48/78302d98423ed8780479a1e682b9aecb869e8404545d999d34fa486e573e/orjson-3.11.4-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:525021896afef44a68148f6ed8a8bf8375553d6066c7f48537657f64823565b9", size = 139951, upload-time = "2025-10-24T15:49:24.428Z" }, - { url = "https://files.pythonhosted.org/packages/4a/7b/ad613fdcdaa812f075ec0875143c3d37f8654457d2af17703905425981bf/orjson-3.11.4-cp312-cp312-win32.whl", hash = "sha256:b58430396687ce0f7d9eeb3dd47761ca7d8fda8e9eb92b3077a7a353a75efefa", size = 136049, upload-time = "2025-10-24T15:49:25.973Z" }, - { url = "https://files.pythonhosted.org/packages/b9/3c/9cf47c3ff5f39b8350fb21ba65d789b6a1129d4cbb3033ba36c8a9023520/orjson-3.11.4-cp312-cp312-win_amd64.whl", hash = "sha256:c6dbf422894e1e3c80a177133c0dda260f81428f9de16d61041949f6a2e5c140", size = 131461, upload-time = "2025-10-24T15:49:27.259Z" }, - { url = "https://files.pythonhosted.org/packages/c6/3b/e2425f61e5825dc5b08c2a5a2b3af387eaaca22a12b9c8c01504f8614c36/orjson-3.11.4-cp312-cp312-win_arm64.whl", hash = "sha256:d38d2bc06d6415852224fcc9c0bfa834c25431e466dc319f0edd56cca81aa96e", size = 126167, upload-time = "2025-10-24T15:49:28.511Z" }, - { url = "https://files.pythonhosted.org/packages/23/15/c52aa7112006b0f3d6180386c3a46ae057f932ab3425bc6f6ac50431cca1/orjson-3.11.4-cp313-cp313-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:2d6737d0e616a6e053c8b4acc9eccea6b6cce078533666f32d140e4f85002534", size = 243525, upload-time = "2025-10-24T15:49:29.737Z" }, - { url = "https://files.pythonhosted.org/packages/ec/38/05340734c33b933fd114f161f25a04e651b0c7c33ab95e9416ade5cb44b8/orjson-3.11.4-cp313-cp313-macosx_15_0_arm64.whl", hash = "sha256:afb14052690aa328cc118a8e09f07c651d301a72e44920b887c519b313d892ff", size = 128871, upload-time = "2025-10-24T15:49:31.109Z" }, - { url = "https://files.pythonhosted.org/packages/55/b9/ae8d34899ff0c012039b5a7cb96a389b2476e917733294e498586b45472d/orjson-3.11.4-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:38aa9e65c591febb1b0aed8da4d469eba239d434c218562df179885c94e1a3ad", size = 130055, upload-time = "2025-10-24T15:49:33.382Z" }, - { url = "https://files.pythonhosted.org/packages/33/aa/6346dd5073730451bee3681d901e3c337e7ec17342fb79659ec9794fc023/orjson-3.11.4-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:f2cf4dfaf9163b0728d061bebc1e08631875c51cd30bf47cb9e3293bfbd7dcd5", size = 129061, upload-time = "2025-10-24T15:49:34.935Z" }, - { url = "https://files.pythonhosted.org/packages/39/e4/8eea51598f66a6c853c380979912d17ec510e8e66b280d968602e680b942/orjson-3.11.4-cp313-cp313-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:89216ff3dfdde0e4070932e126320a1752c9d9a758d6a32ec54b3b9334991a6a", size = 136541, upload-time = "2025-10-24T15:49:36.923Z" }, - { url = "https://files.pythonhosted.org/packages/9a/47/cb8c654fa9adcc60e99580e17c32b9e633290e6239a99efa6b885aba9dbc/orjson-3.11.4-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9daa26ca8e97fae0ce8aa5d80606ef8f7914e9b129b6b5df9104266f764ce436", size = 137535, upload-time = "2025-10-24T15:49:38.307Z" }, - { url = "https://files.pythonhosted.org/packages/43/92/04b8cc5c2b729f3437ee013ce14a60ab3d3001465d95c184758f19362f23/orjson-3.11.4-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5c8b2769dc31883c44a9cd126560327767f848eb95f99c36c9932f51090bfce9", size = 136703, upload-time = "2025-10-24T15:49:40.795Z" }, - { url = "https://files.pythonhosted.org/packages/aa/fd/d0733fcb9086b8be4ebcfcda2d0312865d17d0d9884378b7cffb29d0763f/orjson-3.11.4-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1469d254b9884f984026bd9b0fa5bbab477a4bfe558bba6848086f6d43eb5e73", size = 136293, upload-time = "2025-10-24T15:49:42.347Z" }, - { url = "https://files.pythonhosted.org/packages/c2/d7/3c5514e806837c210492d72ae30ccf050ce3f940f45bf085bab272699ef4/orjson-3.11.4-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:68e44722541983614e37117209a194e8c3ad07838ccb3127d96863c95ec7f1e0", size = 140131, upload-time = "2025-10-24T15:49:43.638Z" }, - { url = "https://files.pythonhosted.org/packages/9c/dd/ba9d32a53207babf65bd510ac4d0faaa818bd0df9a9c6f472fe7c254f2e3/orjson-3.11.4-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:8e7805fda9672c12be2f22ae124dcd7b03928d6c197544fe12174b86553f3196", size = 406164, upload-time = "2025-10-24T15:49:45.498Z" }, - { url = "https://files.pythonhosted.org/packages/8e/f9/f68ad68f4af7c7bde57cd514eaa2c785e500477a8bc8f834838eb696a685/orjson-3.11.4-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:04b69c14615fb4434ab867bf6f38b2d649f6f300af30a6705397e895f7aec67a", size = 149859, upload-time = "2025-10-24T15:49:46.981Z" }, - { url = "https://files.pythonhosted.org/packages/b6/d2/7f847761d0c26818395b3d6b21fb6bc2305d94612a35b0a30eae65a22728/orjson-3.11.4-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:639c3735b8ae7f970066930e58cf0ed39a852d417c24acd4a25fc0b3da3c39a6", size = 139926, upload-time = "2025-10-24T15:49:48.321Z" }, - { url = "https://files.pythonhosted.org/packages/9f/37/acd14b12dc62db9a0e1d12386271b8661faae270b22492580d5258808975/orjson-3.11.4-cp313-cp313-win32.whl", hash = "sha256:6c13879c0d2964335491463302a6ca5ad98105fc5db3565499dcb80b1b4bd839", size = 136007, upload-time = "2025-10-24T15:49:49.938Z" }, - { url = "https://files.pythonhosted.org/packages/c0/a9/967be009ddf0a1fffd7a67de9c36656b28c763659ef91352acc02cbe364c/orjson-3.11.4-cp313-cp313-win_amd64.whl", hash = "sha256:09bf242a4af98732db9f9a1ec57ca2604848e16f132e3f72edfd3c5c96de009a", size = 131314, upload-time = "2025-10-24T15:49:51.248Z" }, - { url = "https://files.pythonhosted.org/packages/cb/db/399abd6950fbd94ce125cb8cd1a968def95174792e127b0642781e040ed4/orjson-3.11.4-cp313-cp313-win_arm64.whl", hash = "sha256:a85f0adf63319d6c1ba06fb0dbf997fced64a01179cf17939a6caca662bf92de", size = 126152, upload-time = "2025-10-24T15:49:52.922Z" }, - { url = "https://files.pythonhosted.org/packages/25/e3/54ff63c093cc1697e758e4fceb53164dd2661a7d1bcd522260ba09f54533/orjson-3.11.4-cp314-cp314-macosx_10_15_x86_64.macosx_11_0_arm64.macosx_10_15_universal2.whl", hash = "sha256:42d43a1f552be1a112af0b21c10a5f553983c2a0938d2bbb8ecd8bc9fb572803", size = 243501, upload-time = "2025-10-24T15:49:54.288Z" }, - { url = "https://files.pythonhosted.org/packages/ac/7d/e2d1076ed2e8e0ae9badca65bf7ef22710f93887b29eaa37f09850604e09/orjson-3.11.4-cp314-cp314-macosx_15_0_arm64.whl", hash = "sha256:26a20f3fbc6c7ff2cb8e89c4c5897762c9d88cf37330c6a117312365d6781d54", size = 128862, upload-time = "2025-10-24T15:49:55.961Z" }, - { url = "https://files.pythonhosted.org/packages/9f/37/ca2eb40b90621faddfa9517dfe96e25f5ae4d8057a7c0cdd613c17e07b2c/orjson-3.11.4-cp314-cp314-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6e3f20be9048941c7ffa8fc523ccbd17f82e24df1549d1d1fe9317712d19938e", size = 130047, upload-time = "2025-10-24T15:49:57.406Z" }, - { url = "https://files.pythonhosted.org/packages/c7/62/1021ed35a1f2bad9040f05fa4cc4f9893410df0ba3eaa323ccf899b1c90a/orjson-3.11.4-cp314-cp314-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:aac364c758dc87a52e68e349924d7e4ded348dedff553889e4d9f22f74785316", size = 129073, upload-time = "2025-10-24T15:49:58.782Z" }, - { url = "https://files.pythonhosted.org/packages/e8/3f/f84d966ec2a6fd5f73b1a707e7cd876813422ae4bf9f0145c55c9c6a0f57/orjson-3.11.4-cp314-cp314-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d5c54a6d76e3d741dcc3f2707f8eeb9ba2a791d3adbf18f900219b62942803b1", size = 136597, upload-time = "2025-10-24T15:50:00.12Z" }, - { url = "https://files.pythonhosted.org/packages/32/78/4fa0aeca65ee82bbabb49e055bd03fa4edea33f7c080c5c7b9601661ef72/orjson-3.11.4-cp314-cp314-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:f28485bdca8617b79d44627f5fb04336897041dfd9fa66d383a49d09d86798bc", size = 137515, upload-time = "2025-10-24T15:50:01.57Z" }, - { url = "https://files.pythonhosted.org/packages/c1/9d/0c102e26e7fde40c4c98470796d050a2ec1953897e2c8ab0cb95b0759fa2/orjson-3.11.4-cp314-cp314-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:bfc2a484cad3585e4ba61985a6062a4c2ed5c7925db6d39f1fa267c9d166487f", size = 136703, upload-time = "2025-10-24T15:50:02.944Z" }, - { url = "https://files.pythonhosted.org/packages/df/ac/2de7188705b4cdfaf0b6c97d2f7849c17d2003232f6e70df98602173f788/orjson-3.11.4-cp314-cp314-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e34dbd508cb91c54f9c9788923daca129fe5b55c5b4eebe713bf5ed3791280cf", size = 136311, upload-time = "2025-10-24T15:50:04.441Z" }, - { url = "https://files.pythonhosted.org/packages/e0/52/847fcd1a98407154e944feeb12e3b4d487a0e264c40191fb44d1269cbaa1/orjson-3.11.4-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:b13c478fa413d4b4ee606ec8e11c3b2e52683a640b006bb586b3041c2ca5f606", size = 140127, upload-time = "2025-10-24T15:50:07.398Z" }, - { url = "https://files.pythonhosted.org/packages/c1/ae/21d208f58bdb847dd4d0d9407e2929862561841baa22bdab7aea10ca088e/orjson-3.11.4-cp314-cp314-musllinux_1_2_armv7l.whl", hash = "sha256:724ca721ecc8a831b319dcd72cfa370cc380db0bf94537f08f7edd0a7d4e1780", size = 406201, upload-time = "2025-10-24T15:50:08.796Z" }, - { url = "https://files.pythonhosted.org/packages/8d/55/0789d6de386c8366059db098a628e2ad8798069e94409b0d8935934cbcb9/orjson-3.11.4-cp314-cp314-musllinux_1_2_i686.whl", hash = "sha256:977c393f2e44845ce1b540e19a786e9643221b3323dae190668a98672d43fb23", size = 149872, upload-time = "2025-10-24T15:50:10.234Z" }, - { url = "https://files.pythonhosted.org/packages/cc/1d/7ff81ea23310e086c17b41d78a72270d9de04481e6113dbe2ac19118f7fb/orjson-3.11.4-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:1e539e382cf46edec157ad66b0b0872a90d829a6b71f17cb633d6c160a223155", size = 139931, upload-time = "2025-10-24T15:50:11.623Z" }, - { url = "https://files.pythonhosted.org/packages/77/92/25b886252c50ed64be68c937b562b2f2333b45afe72d53d719e46a565a50/orjson-3.11.4-cp314-cp314-win32.whl", hash = "sha256:d63076d625babab9db5e7836118bdfa086e60f37d8a174194ae720161eb12394", size = 136065, upload-time = "2025-10-24T15:50:13.025Z" }, - { url = "https://files.pythonhosted.org/packages/63/b8/718eecf0bb7e9d64e4956afaafd23db9f04c776d445f59fe94f54bdae8f0/orjson-3.11.4-cp314-cp314-win_amd64.whl", hash = "sha256:0a54d6635fa3aaa438ae32e8570b9f0de36f3f6562c308d2a2a452e8b0592db1", size = 131310, upload-time = "2025-10-24T15:50:14.46Z" }, - { url = "https://files.pythonhosted.org/packages/1a/bf/def5e25d4d8bfce296a9a7c8248109bf58622c21618b590678f945a2c59c/orjson-3.11.4-cp314-cp314-win_arm64.whl", hash = "sha256:78b999999039db3cf58f6d230f524f04f75f129ba3d1ca2ed121f8657e575d3d", size = 126151, upload-time = "2025-10-24T15:50:15.878Z" }, -] - -[[package]] -name = "overrides" -version = "7.7.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/36/86/b585f53236dec60aba864e050778b25045f857e17f6e5ea0ae95fe80edd2/overrides-7.7.0.tar.gz", hash = "sha256:55158fa3d93b98cc75299b1e67078ad9003ca27945c76162c1c0766d6f91820a", size = 22812, upload-time = "2024-01-27T21:01:33.423Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/2c/ab/fc8290c6a4c722e5514d80f62b2dc4c4df1a68a41d1364e625c35990fcf3/overrides-7.7.0-py3-none-any.whl", hash = "sha256:c7ed9d062f78b8e4c1a7b70bd8796b35ead4d9f510227ef9c5dc7626c60d7e49", size = 17832, upload-time = "2024-01-27T21:01:31.393Z" }, -] - -[[package]] -name = "packaging" -version = "25.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/a1/d4/1fc4078c65507b51b96ca8f8c3ba19e6a61c8253c72794544580a7b6c24d/packaging-25.0.tar.gz", hash = "sha256:d443872c98d677bf60f6a1f2f8c1cb748e8fe762d2bf9d3148b5599295b0fc4f", size = 165727, upload-time = "2025-04-19T11:48:59.673Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/20/12/38679034af332785aac8774540895e234f4d07f7545804097de4b666afd8/packaging-25.0-py3-none-any.whl", hash = "sha256:29572ef2b1f17581046b3a2227d5c611fb25ec70ca1ba8554b24b0e69331a484", size = 66469, upload-time = "2025-04-19T11:48:57.875Z" }, -] - -[[package]] -name = "pandas" -version = "2.3.3" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "numpy" }, - { name = "python-dateutil" }, - { name = "pytz" }, - { name = "tzdata" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/33/01/d40b85317f86cf08d853a4f495195c73815fdf205eef3993821720274518/pandas-2.3.3.tar.gz", hash = "sha256:e05e1af93b977f7eafa636d043f9f94c7ee3ac81af99c13508215942e64c993b", size = 4495223, upload-time = "2025-09-29T23:34:51.853Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/3d/f7/f425a00df4fcc22b292c6895c6831c0c8ae1d9fac1e024d16f98a9ce8749/pandas-2.3.3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:376c6446ae31770764215a6c937f72d917f214b43560603cd60da6408f183b6c", size = 11555763, upload-time = "2025-09-29T23:16:53.287Z" }, - { url = "https://files.pythonhosted.org/packages/13/4f/66d99628ff8ce7857aca52fed8f0066ce209f96be2fede6cef9f84e8d04f/pandas-2.3.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:e19d192383eab2f4ceb30b412b22ea30690c9e618f78870357ae1d682912015a", size = 10801217, upload-time = "2025-09-29T23:17:04.522Z" }, - { url = "https://files.pythonhosted.org/packages/1d/03/3fc4a529a7710f890a239cc496fc6d50ad4a0995657dccc1d64695adb9f4/pandas-2.3.3-cp310-cp310-manylinux_2_24_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:5caf26f64126b6c7aec964f74266f435afef1c1b13da3b0636c7518a1fa3e2b1", size = 12148791, upload-time = "2025-09-29T23:17:18.444Z" }, - { url = "https://files.pythonhosted.org/packages/40/a8/4dac1f8f8235e5d25b9955d02ff6f29396191d4e665d71122c3722ca83c5/pandas-2.3.3-cp310-cp310-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:dd7478f1463441ae4ca7308a70e90b33470fa593429f9d4c578dd00d1fa78838", size = 12769373, upload-time = "2025-09-29T23:17:35.846Z" }, - { url = "https://files.pythonhosted.org/packages/df/91/82cc5169b6b25440a7fc0ef3a694582418d875c8e3ebf796a6d6470aa578/pandas-2.3.3-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:4793891684806ae50d1288c9bae9330293ab4e083ccd1c5e383c34549c6e4250", size = 13200444, upload-time = "2025-09-29T23:17:49.341Z" }, - { url = "https://files.pythonhosted.org/packages/10/ae/89b3283800ab58f7af2952704078555fa60c807fff764395bb57ea0b0dbd/pandas-2.3.3-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:28083c648d9a99a5dd035ec125d42439c6c1c525098c58af0fc38dd1a7a1b3d4", size = 13858459, upload-time = "2025-09-29T23:18:03.722Z" }, - { url = "https://files.pythonhosted.org/packages/85/72/530900610650f54a35a19476eca5104f38555afccda1aa11a92ee14cb21d/pandas-2.3.3-cp310-cp310-win_amd64.whl", hash = "sha256:503cf027cf9940d2ceaa1a93cfb5f8c8c7e6e90720a2850378f0b3f3b1e06826", size = 11346086, upload-time = "2025-09-29T23:18:18.505Z" }, - { url = "https://files.pythonhosted.org/packages/c1/fa/7ac648108144a095b4fb6aa3de1954689f7af60a14cf25583f4960ecb878/pandas-2.3.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:602b8615ebcc4a0c1751e71840428ddebeb142ec02c786e8ad6b1ce3c8dec523", size = 11578790, upload-time = "2025-09-29T23:18:30.065Z" }, - { url = "https://files.pythonhosted.org/packages/9b/35/74442388c6cf008882d4d4bdfc4109be87e9b8b7ccd097ad1e7f006e2e95/pandas-2.3.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:8fe25fc7b623b0ef6b5009149627e34d2a4657e880948ec3c840e9402e5c1b45", size = 10833831, upload-time = "2025-09-29T23:38:56.071Z" }, - { url = "https://files.pythonhosted.org/packages/fe/e4/de154cbfeee13383ad58d23017da99390b91d73f8c11856f2095e813201b/pandas-2.3.3-cp311-cp311-manylinux_2_24_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:b468d3dad6ff947df92dcb32ede5b7bd41a9b3cceef0a30ed925f6d01fb8fa66", size = 12199267, upload-time = "2025-09-29T23:18:41.627Z" }, - { url = "https://files.pythonhosted.org/packages/bf/c9/63f8d545568d9ab91476b1818b4741f521646cbdd151c6efebf40d6de6f7/pandas-2.3.3-cp311-cp311-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:b98560e98cb334799c0b07ca7967ac361a47326e9b4e5a7dfb5ab2b1c9d35a1b", size = 12789281, upload-time = "2025-09-29T23:18:56.834Z" }, - { url = "https://files.pythonhosted.org/packages/f2/00/a5ac8c7a0e67fd1a6059e40aa08fa1c52cc00709077d2300e210c3ce0322/pandas-2.3.3-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:1d37b5848ba49824e5c30bedb9c830ab9b7751fd049bc7914533e01c65f79791", size = 13240453, upload-time = "2025-09-29T23:19:09.247Z" }, - { url = "https://files.pythonhosted.org/packages/27/4d/5c23a5bc7bd209231618dd9e606ce076272c9bc4f12023a70e03a86b4067/pandas-2.3.3-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:db4301b2d1f926ae677a751eb2bd0e8c5f5319c9cb3f88b0becbbb0b07b34151", size = 13890361, upload-time = "2025-09-29T23:19:25.342Z" }, - { url = "https://files.pythonhosted.org/packages/8e/59/712db1d7040520de7a4965df15b774348980e6df45c129b8c64d0dbe74ef/pandas-2.3.3-cp311-cp311-win_amd64.whl", hash = "sha256:f086f6fe114e19d92014a1966f43a3e62285109afe874f067f5abbdcbb10e59c", size = 11348702, upload-time = "2025-09-29T23:19:38.296Z" }, - { url = "https://files.pythonhosted.org/packages/9c/fb/231d89e8637c808b997d172b18e9d4a4bc7bf31296196c260526055d1ea0/pandas-2.3.3-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:6d21f6d74eb1725c2efaa71a2bfc661a0689579b58e9c0ca58a739ff0b002b53", size = 11597846, upload-time = "2025-09-29T23:19:48.856Z" }, - { url = "https://files.pythonhosted.org/packages/5c/bd/bf8064d9cfa214294356c2d6702b716d3cf3bb24be59287a6a21e24cae6b/pandas-2.3.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:3fd2f887589c7aa868e02632612ba39acb0b8948faf5cc58f0850e165bd46f35", size = 10729618, upload-time = "2025-09-29T23:39:08.659Z" }, - { url = "https://files.pythonhosted.org/packages/57/56/cf2dbe1a3f5271370669475ead12ce77c61726ffd19a35546e31aa8edf4e/pandas-2.3.3-cp312-cp312-manylinux_2_24_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:ecaf1e12bdc03c86ad4a7ea848d66c685cb6851d807a26aa245ca3d2017a1908", size = 11737212, upload-time = "2025-09-29T23:19:59.765Z" }, - { url = "https://files.pythonhosted.org/packages/e5/63/cd7d615331b328e287d8233ba9fdf191a9c2d11b6af0c7a59cfcec23de68/pandas-2.3.3-cp312-cp312-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:b3d11d2fda7eb164ef27ffc14b4fcab16a80e1ce67e9f57e19ec0afaf715ba89", size = 12362693, upload-time = "2025-09-29T23:20:14.098Z" }, - { url = "https://files.pythonhosted.org/packages/a6/de/8b1895b107277d52f2b42d3a6806e69cfef0d5cf1d0ba343470b9d8e0a04/pandas-2.3.3-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:a68e15f780eddf2b07d242e17a04aa187a7ee12b40b930bfdd78070556550e98", size = 12771002, upload-time = "2025-09-29T23:20:26.76Z" }, - { url = "https://files.pythonhosted.org/packages/87/21/84072af3187a677c5893b170ba2c8fbe450a6ff911234916da889b698220/pandas-2.3.3-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:371a4ab48e950033bcf52b6527eccb564f52dc826c02afd9a1bc0ab731bba084", size = 13450971, upload-time = "2025-09-29T23:20:41.344Z" }, - { url = "https://files.pythonhosted.org/packages/86/41/585a168330ff063014880a80d744219dbf1dd7a1c706e75ab3425a987384/pandas-2.3.3-cp312-cp312-win_amd64.whl", hash = "sha256:a16dcec078a01eeef8ee61bf64074b4e524a2a3f4b3be9326420cabe59c4778b", size = 10992722, upload-time = "2025-09-29T23:20:54.139Z" }, - { url = "https://files.pythonhosted.org/packages/cd/4b/18b035ee18f97c1040d94debd8f2e737000ad70ccc8f5513f4eefad75f4b/pandas-2.3.3-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:56851a737e3470de7fa88e6131f41281ed440d29a9268dcbf0002da5ac366713", size = 11544671, upload-time = "2025-09-29T23:21:05.024Z" }, - { url = "https://files.pythonhosted.org/packages/31/94/72fac03573102779920099bcac1c3b05975c2cb5f01eac609faf34bed1ca/pandas-2.3.3-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:bdcd9d1167f4885211e401b3036c0c8d9e274eee67ea8d0758a256d60704cfe8", size = 10680807, upload-time = "2025-09-29T23:21:15.979Z" }, - { url = "https://files.pythonhosted.org/packages/16/87/9472cf4a487d848476865321de18cc8c920b8cab98453ab79dbbc98db63a/pandas-2.3.3-cp313-cp313-manylinux_2_24_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:e32e7cc9af0f1cc15548288a51a3b681cc2a219faa838e995f7dc53dbab1062d", size = 11709872, upload-time = "2025-09-29T23:21:27.165Z" }, - { url = "https://files.pythonhosted.org/packages/15/07/284f757f63f8a8d69ed4472bfd85122bd086e637bf4ed09de572d575a693/pandas-2.3.3-cp313-cp313-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:318d77e0e42a628c04dc56bcef4b40de67918f7041c2b061af1da41dcff670ac", size = 12306371, upload-time = "2025-09-29T23:21:40.532Z" }, - { url = "https://files.pythonhosted.org/packages/33/81/a3afc88fca4aa925804a27d2676d22dcd2031c2ebe08aabd0ae55b9ff282/pandas-2.3.3-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:4e0a175408804d566144e170d0476b15d78458795bb18f1304fb94160cabf40c", size = 12765333, upload-time = "2025-09-29T23:21:55.77Z" }, - { url = "https://files.pythonhosted.org/packages/8d/0f/b4d4ae743a83742f1153464cf1a8ecfafc3ac59722a0b5c8602310cb7158/pandas-2.3.3-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:93c2d9ab0fc11822b5eece72ec9587e172f63cff87c00b062f6e37448ced4493", size = 13418120, upload-time = "2025-09-29T23:22:10.109Z" }, - { url = "https://files.pythonhosted.org/packages/4f/c7/e54682c96a895d0c808453269e0b5928a07a127a15704fedb643e9b0a4c8/pandas-2.3.3-cp313-cp313-win_amd64.whl", hash = "sha256:f8bfc0e12dc78f777f323f55c58649591b2cd0c43534e8355c51d3fede5f4dee", size = 10993991, upload-time = "2025-09-29T23:25:04.889Z" }, - { url = "https://files.pythonhosted.org/packages/f9/ca/3f8d4f49740799189e1395812f3bf23b5e8fc7c190827d55a610da72ce55/pandas-2.3.3-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:75ea25f9529fdec2d2e93a42c523962261e567d250b0013b16210e1d40d7c2e5", size = 12048227, upload-time = "2025-09-29T23:22:24.343Z" }, - { url = "https://files.pythonhosted.org/packages/0e/5a/f43efec3e8c0cc92c4663ccad372dbdff72b60bdb56b2749f04aa1d07d7e/pandas-2.3.3-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:74ecdf1d301e812db96a465a525952f4dde225fdb6d8e5a521d47e1f42041e21", size = 11411056, upload-time = "2025-09-29T23:22:37.762Z" }, - { url = "https://files.pythonhosted.org/packages/46/b1/85331edfc591208c9d1a63a06baa67b21d332e63b7a591a5ba42a10bb507/pandas-2.3.3-cp313-cp313t-manylinux_2_24_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:6435cb949cb34ec11cc9860246ccb2fdc9ecd742c12d3304989017d53f039a78", size = 11645189, upload-time = "2025-09-29T23:22:51.688Z" }, - { url = "https://files.pythonhosted.org/packages/44/23/78d645adc35d94d1ac4f2a3c4112ab6f5b8999f4898b8cdf01252f8df4a9/pandas-2.3.3-cp313-cp313t-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:900f47d8f20860de523a1ac881c4c36d65efcb2eb850e6948140fa781736e110", size = 12121912, upload-time = "2025-09-29T23:23:05.042Z" }, - { url = "https://files.pythonhosted.org/packages/53/da/d10013df5e6aaef6b425aa0c32e1fc1f3e431e4bcabd420517dceadce354/pandas-2.3.3-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:a45c765238e2ed7d7c608fc5bc4a6f88b642f2f01e70c0c23d2224dd21829d86", size = 12712160, upload-time = "2025-09-29T23:23:28.57Z" }, - { url = "https://files.pythonhosted.org/packages/bd/17/e756653095a083d8a37cbd816cb87148debcfcd920129b25f99dd8d04271/pandas-2.3.3-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:c4fc4c21971a1a9f4bdb4c73978c7f7256caa3e62b323f70d6cb80db583350bc", size = 13199233, upload-time = "2025-09-29T23:24:24.876Z" }, - { url = "https://files.pythonhosted.org/packages/04/fd/74903979833db8390b73b3a8a7d30d146d710bd32703724dd9083950386f/pandas-2.3.3-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:ee15f284898e7b246df8087fc82b87b01686f98ee67d85a17b7ab44143a3a9a0", size = 11540635, upload-time = "2025-09-29T23:25:52.486Z" }, - { url = "https://files.pythonhosted.org/packages/21/00/266d6b357ad5e6d3ad55093a7e8efc7dd245f5a842b584db9f30b0f0a287/pandas-2.3.3-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:1611aedd912e1ff81ff41c745822980c49ce4a7907537be8692c8dbc31924593", size = 10759079, upload-time = "2025-09-29T23:26:33.204Z" }, - { url = "https://files.pythonhosted.org/packages/ca/05/d01ef80a7a3a12b2f8bbf16daba1e17c98a2f039cbc8e2f77a2c5a63d382/pandas-2.3.3-cp314-cp314-manylinux_2_24_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:6d2cefc361461662ac48810cb14365a365ce864afe85ef1f447ff5a1e99ea81c", size = 11814049, upload-time = "2025-09-29T23:27:15.384Z" }, - { url = "https://files.pythonhosted.org/packages/15/b2/0e62f78c0c5ba7e3d2c5945a82456f4fac76c480940f805e0b97fcbc2f65/pandas-2.3.3-cp314-cp314-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:ee67acbbf05014ea6c763beb097e03cd629961c8a632075eeb34247120abcb4b", size = 12332638, upload-time = "2025-09-29T23:27:51.625Z" }, - { url = "https://files.pythonhosted.org/packages/c5/33/dd70400631b62b9b29c3c93d2feee1d0964dc2bae2e5ad7a6c73a7f25325/pandas-2.3.3-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:c46467899aaa4da076d5abc11084634e2d197e9460643dd455ac3db5856b24d6", size = 12886834, upload-time = "2025-09-29T23:28:21.289Z" }, - { url = "https://files.pythonhosted.org/packages/d3/18/b5d48f55821228d0d2692b34fd5034bb185e854bdb592e9c640f6290e012/pandas-2.3.3-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:6253c72c6a1d990a410bc7de641d34053364ef8bcd3126f7e7450125887dffe3", size = 13409925, upload-time = "2025-09-29T23:28:58.261Z" }, - { url = "https://files.pythonhosted.org/packages/a6/3d/124ac75fcd0ecc09b8fdccb0246ef65e35b012030defb0e0eba2cbbbe948/pandas-2.3.3-cp314-cp314-win_amd64.whl", hash = "sha256:1b07204a219b3b7350abaae088f451860223a52cfb8a6c53358e7948735158e5", size = 11109071, upload-time = "2025-09-29T23:32:27.484Z" }, - { url = "https://files.pythonhosted.org/packages/89/9c/0e21c895c38a157e0faa1fb64587a9226d6dd46452cac4532d80c3c4a244/pandas-2.3.3-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:2462b1a365b6109d275250baaae7b760fd25c726aaca0054649286bcfbb3e8ec", size = 12048504, upload-time = "2025-09-29T23:29:31.47Z" }, - { url = "https://files.pythonhosted.org/packages/d7/82/b69a1c95df796858777b68fbe6a81d37443a33319761d7c652ce77797475/pandas-2.3.3-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:0242fe9a49aa8b4d78a4fa03acb397a58833ef6199e9aa40a95f027bb3a1b6e7", size = 11410702, upload-time = "2025-09-29T23:29:54.591Z" }, - { url = "https://files.pythonhosted.org/packages/f9/88/702bde3ba0a94b8c73a0181e05144b10f13f29ebfc2150c3a79062a8195d/pandas-2.3.3-cp314-cp314t-manylinux_2_24_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:a21d830e78df0a515db2b3d2f5570610f5e6bd2e27749770e8bb7b524b89b450", size = 11634535, upload-time = "2025-09-29T23:30:21.003Z" }, - { url = "https://files.pythonhosted.org/packages/a4/1e/1bac1a839d12e6a82ec6cb40cda2edde64a2013a66963293696bbf31fbbb/pandas-2.3.3-cp314-cp314t-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:2e3ebdb170b5ef78f19bfb71b0dc5dc58775032361fa188e814959b74d726dd5", size = 12121582, upload-time = "2025-09-29T23:30:43.391Z" }, - { url = "https://files.pythonhosted.org/packages/44/91/483de934193e12a3b1d6ae7c8645d083ff88dec75f46e827562f1e4b4da6/pandas-2.3.3-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:d051c0e065b94b7a3cea50eb1ec32e912cd96dba41647eb24104b6c6c14c5788", size = 12699963, upload-time = "2025-09-29T23:31:10.009Z" }, - { url = "https://files.pythonhosted.org/packages/70/44/5191d2e4026f86a2a109053e194d3ba7a31a2d10a9c2348368c63ed4e85a/pandas-2.3.3-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:3869faf4bd07b3b66a9f462417d0ca3a9df29a9f6abd5d0d0dbab15dac7abe87", size = 13202175, upload-time = "2025-09-29T23:31:59.173Z" }, -] - -[[package]] -name = "pandoc" -version = "2.4" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "plumbum" }, - { name = "ply" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/10/9a/e3186e760c57ee5f1c27ea5cea577a0ff9abfca51eefcb4d9a4cd39aff2e/pandoc-2.4.tar.gz", hash = "sha256:ecd1f8cbb7f4180c6b5db4a17a7c1a74df519995f5f186ef81ce72a9cbd0dd9a", size = 34635, upload-time = "2024-08-07T14:33:58.016Z" } - -[[package]] -name = "pandocfilters" -version = "1.5.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/70/6f/3dd4940bbe001c06a65f88e36bad298bc7a0de5036115639926b0c5c0458/pandocfilters-1.5.1.tar.gz", hash = "sha256:002b4a555ee4ebc03f8b66307e287fa492e4a77b4ea14d3f934328297bb4939e", size = 8454, upload-time = "2024-01-18T20:08:13.726Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ef/af/4fbc8cab944db5d21b7e2a5b8e9211a03a79852b1157e2c102fcc61ac440/pandocfilters-1.5.1-py2.py3-none-any.whl", hash = "sha256:93be382804a9cdb0a7267585f157e5d1731bbe5545a85b268d6f5fe6232de2bc", size = 8663, upload-time = "2024-01-18T20:08:11.28Z" }, -] - -[[package]] -name = "parso" -version = "0.8.5" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/d4/de/53e0bcf53d13e005bd8c92e7855142494f41171b34c2536b86187474184d/parso-0.8.5.tar.gz", hash = "sha256:034d7354a9a018bdce352f48b2a8a450f05e9d6ee85db84764e9b6bd96dafe5a", size = 401205, upload-time = "2025-08-23T15:15:28.028Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/16/32/f8e3c85d1d5250232a5d3477a2a28cc291968ff175caeadaf3cc19ce0e4a/parso-0.8.5-py2.py3-none-any.whl", hash = "sha256:646204b5ee239c396d040b90f9e272e9a8017c630092bf59980beb62fd033887", size = 106668, upload-time = "2025-08-23T15:15:25.663Z" }, -] - -[[package]] -name = "pexpect" -version = "4.9.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "ptyprocess" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/42/92/cc564bf6381ff43ce1f4d06852fc19a2f11d180f23dc32d9588bee2f149d/pexpect-4.9.0.tar.gz", hash = "sha256:ee7d41123f3c9911050ea2c2dac107568dc43b2d3b0c7557a33212c398ead30f", size = 166450, upload-time = "2023-11-25T09:07:26.339Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/9e/c3/059298687310d527a58bb01f3b1965787ee3b40dce76752eda8b44e9a2c5/pexpect-4.9.0-py2.py3-none-any.whl", hash = "sha256:7236d1e080e4936be2dc3e326cec0af72acf9212a7e1d060210e70a47e253523", size = 63772, upload-time = "2023-11-25T06:56:14.81Z" }, -] - -[[package]] -name = "pillow" -version = "11.3.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f3/0d/d0d6dea55cd152ce3d6767bb38a8fc10e33796ba4ba210cbab9354b6d238/pillow-11.3.0.tar.gz", hash = "sha256:3828ee7586cd0b2091b6209e5ad53e20d0649bbe87164a459d0676e035e8f523", size = 47113069, upload-time = "2025-07-01T09:16:30.666Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/4c/5d/45a3553a253ac8763f3561371432a90bdbe6000fbdcf1397ffe502aa206c/pillow-11.3.0-cp310-cp310-macosx_10_10_x86_64.whl", hash = "sha256:1b9c17fd4ace828b3003dfd1e30bff24863e0eb59b535e8f80194d9cc7ecf860", size = 5316554, upload-time = "2025-07-01T09:13:39.342Z" }, - { url = "https://files.pythonhosted.org/packages/7c/c8/67c12ab069ef586a25a4a79ced553586748fad100c77c0ce59bb4983ac98/pillow-11.3.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:65dc69160114cdd0ca0f35cb434633c75e8e7fad4cf855177a05bf38678f73ad", size = 4686548, upload-time = "2025-07-01T09:13:41.835Z" }, - { url = "https://files.pythonhosted.org/packages/2f/bd/6741ebd56263390b382ae4c5de02979af7f8bd9807346d068700dd6d5cf9/pillow-11.3.0-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:7107195ddc914f656c7fc8e4a5e1c25f32e9236ea3ea860f257b0436011fddd0", size = 5859742, upload-time = "2025-07-03T13:09:47.439Z" }, - { url = "https://files.pythonhosted.org/packages/ca/0b/c412a9e27e1e6a829e6ab6c2dca52dd563efbedf4c9c6aa453d9a9b77359/pillow-11.3.0-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:cc3e831b563b3114baac7ec2ee86819eb03caa1a2cef0b481a5675b59c4fe23b", size = 7633087, upload-time = "2025-07-03T13:09:51.796Z" }, - { url = "https://files.pythonhosted.org/packages/59/9d/9b7076aaf30f5dd17e5e5589b2d2f5a5d7e30ff67a171eb686e4eecc2adf/pillow-11.3.0-cp310-cp310-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:f1f182ebd2303acf8c380a54f615ec883322593320a9b00438eb842c1f37ae50", size = 5963350, upload-time = "2025-07-01T09:13:43.865Z" }, - { url = "https://files.pythonhosted.org/packages/f0/16/1a6bf01fb622fb9cf5c91683823f073f053005c849b1f52ed613afcf8dae/pillow-11.3.0-cp310-cp310-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:4445fa62e15936a028672fd48c4c11a66d641d2c05726c7ec1f8ba6a572036ae", size = 6631840, upload-time = "2025-07-01T09:13:46.161Z" }, - { url = "https://files.pythonhosted.org/packages/7b/e6/6ff7077077eb47fde78739e7d570bdcd7c10495666b6afcd23ab56b19a43/pillow-11.3.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:71f511f6b3b91dd543282477be45a033e4845a40278fa8dcdbfdb07109bf18f9", size = 6074005, upload-time = "2025-07-01T09:13:47.829Z" }, - { url = "https://files.pythonhosted.org/packages/c3/3a/b13f36832ea6d279a697231658199e0a03cd87ef12048016bdcc84131601/pillow-11.3.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:040a5b691b0713e1f6cbe222e0f4f74cd233421e105850ae3b3c0ceda520f42e", size = 6708372, upload-time = "2025-07-01T09:13:52.145Z" }, - { url = "https://files.pythonhosted.org/packages/6c/e4/61b2e1a7528740efbc70b3d581f33937e38e98ef3d50b05007267a55bcb2/pillow-11.3.0-cp310-cp310-win32.whl", hash = "sha256:89bd777bc6624fe4115e9fac3352c79ed60f3bb18651420635f26e643e3dd1f6", size = 6277090, upload-time = "2025-07-01T09:13:53.915Z" }, - { url = "https://files.pythonhosted.org/packages/a9/d3/60c781c83a785d6afbd6a326ed4d759d141de43aa7365725cbcd65ce5e54/pillow-11.3.0-cp310-cp310-win_amd64.whl", hash = "sha256:19d2ff547c75b8e3ff46f4d9ef969a06c30ab2d4263a9e287733aa8b2429ce8f", size = 6985988, upload-time = "2025-07-01T09:13:55.699Z" }, - { url = "https://files.pythonhosted.org/packages/9f/28/4f4a0203165eefb3763939c6789ba31013a2e90adffb456610f30f613850/pillow-11.3.0-cp310-cp310-win_arm64.whl", hash = "sha256:819931d25e57b513242859ce1876c58c59dc31587847bf74cfe06b2e0cb22d2f", size = 2422899, upload-time = "2025-07-01T09:13:57.497Z" }, - { url = "https://files.pythonhosted.org/packages/db/26/77f8ed17ca4ffd60e1dcd220a6ec6d71210ba398cfa33a13a1cd614c5613/pillow-11.3.0-cp311-cp311-macosx_10_10_x86_64.whl", hash = "sha256:1cd110edf822773368b396281a2293aeb91c90a2db00d78ea43e7e861631b722", size = 5316531, upload-time = "2025-07-01T09:13:59.203Z" }, - { url = "https://files.pythonhosted.org/packages/cb/39/ee475903197ce709322a17a866892efb560f57900d9af2e55f86db51b0a5/pillow-11.3.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:9c412fddd1b77a75aa904615ebaa6001f169b26fd467b4be93aded278266b288", size = 4686560, upload-time = "2025-07-01T09:14:01.101Z" }, - { url = "https://files.pythonhosted.org/packages/d5/90/442068a160fd179938ba55ec8c97050a612426fae5ec0a764e345839f76d/pillow-11.3.0-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:7d1aa4de119a0ecac0a34a9c8bde33f34022e2e8f99104e47a3ca392fd60e37d", size = 5870978, upload-time = "2025-07-03T13:09:55.638Z" }, - { url = "https://files.pythonhosted.org/packages/13/92/dcdd147ab02daf405387f0218dcf792dc6dd5b14d2573d40b4caeef01059/pillow-11.3.0-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:91da1d88226663594e3f6b4b8c3c8d85bd504117d043740a8e0ec449087cc494", size = 7641168, upload-time = "2025-07-03T13:10:00.37Z" }, - { url = "https://files.pythonhosted.org/packages/6e/db/839d6ba7fd38b51af641aa904e2960e7a5644d60ec754c046b7d2aee00e5/pillow-11.3.0-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:643f189248837533073c405ec2f0bb250ba54598cf80e8c1e043381a60632f58", size = 5973053, upload-time = "2025-07-01T09:14:04.491Z" }, - { url = "https://files.pythonhosted.org/packages/f2/2f/d7675ecae6c43e9f12aa8d58b6012683b20b6edfbdac7abcb4e6af7a3784/pillow-11.3.0-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:106064daa23a745510dabce1d84f29137a37224831d88eb4ce94bb187b1d7e5f", size = 6640273, upload-time = "2025-07-01T09:14:06.235Z" }, - { url = "https://files.pythonhosted.org/packages/45/ad/931694675ede172e15b2ff03c8144a0ddaea1d87adb72bb07655eaffb654/pillow-11.3.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:cd8ff254faf15591e724dc7c4ddb6bf4793efcbe13802a4ae3e863cd300b493e", size = 6082043, upload-time = "2025-07-01T09:14:07.978Z" }, - { url = "https://files.pythonhosted.org/packages/3a/04/ba8f2b11fc80d2dd462d7abec16351b45ec99cbbaea4387648a44190351a/pillow-11.3.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:932c754c2d51ad2b2271fd01c3d121daaa35e27efae2a616f77bf164bc0b3e94", size = 6715516, upload-time = "2025-07-01T09:14:10.233Z" }, - { url = "https://files.pythonhosted.org/packages/48/59/8cd06d7f3944cc7d892e8533c56b0acb68399f640786313275faec1e3b6f/pillow-11.3.0-cp311-cp311-win32.whl", hash = "sha256:b4b8f3efc8d530a1544e5962bd6b403d5f7fe8b9e08227c6b255f98ad82b4ba0", size = 6274768, upload-time = "2025-07-01T09:14:11.921Z" }, - { url = "https://files.pythonhosted.org/packages/f1/cc/29c0f5d64ab8eae20f3232da8f8571660aa0ab4b8f1331da5c2f5f9a938e/pillow-11.3.0-cp311-cp311-win_amd64.whl", hash = "sha256:1a992e86b0dd7aeb1f053cd506508c0999d710a8f07b4c791c63843fc6a807ac", size = 6986055, upload-time = "2025-07-01T09:14:13.623Z" }, - { url = "https://files.pythonhosted.org/packages/c6/df/90bd886fabd544c25addd63e5ca6932c86f2b701d5da6c7839387a076b4a/pillow-11.3.0-cp311-cp311-win_arm64.whl", hash = "sha256:30807c931ff7c095620fe04448e2c2fc673fcbb1ffe2a7da3fb39613489b1ddd", size = 2423079, upload-time = "2025-07-01T09:14:15.268Z" }, - { url = "https://files.pythonhosted.org/packages/40/fe/1bc9b3ee13f68487a99ac9529968035cca2f0a51ec36892060edcc51d06a/pillow-11.3.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:fdae223722da47b024b867c1ea0be64e0df702c5e0a60e27daad39bf960dd1e4", size = 5278800, upload-time = "2025-07-01T09:14:17.648Z" }, - { url = "https://files.pythonhosted.org/packages/2c/32/7e2ac19b5713657384cec55f89065fb306b06af008cfd87e572035b27119/pillow-11.3.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:921bd305b10e82b4d1f5e802b6850677f965d8394203d182f078873851dada69", size = 4686296, upload-time = "2025-07-01T09:14:19.828Z" }, - { url = "https://files.pythonhosted.org/packages/8e/1e/b9e12bbe6e4c2220effebc09ea0923a07a6da1e1f1bfbc8d7d29a01ce32b/pillow-11.3.0-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:eb76541cba2f958032d79d143b98a3a6b3ea87f0959bbe256c0b5e416599fd5d", size = 5871726, upload-time = "2025-07-03T13:10:04.448Z" }, - { url = "https://files.pythonhosted.org/packages/8d/33/e9200d2bd7ba00dc3ddb78df1198a6e80d7669cce6c2bdbeb2530a74ec58/pillow-11.3.0-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:67172f2944ebba3d4a7b54f2e95c786a3a50c21b88456329314caaa28cda70f6", size = 7644652, upload-time = "2025-07-03T13:10:10.391Z" }, - { url = "https://files.pythonhosted.org/packages/41/f1/6f2427a26fc683e00d985bc391bdd76d8dd4e92fac33d841127eb8fb2313/pillow-11.3.0-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:97f07ed9f56a3b9b5f49d3661dc9607484e85c67e27f3e8be2c7d28ca032fec7", size = 5977787, upload-time = "2025-07-01T09:14:21.63Z" }, - { url = "https://files.pythonhosted.org/packages/e4/c9/06dd4a38974e24f932ff5f98ea3c546ce3f8c995d3f0985f8e5ba48bba19/pillow-11.3.0-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:676b2815362456b5b3216b4fd5bd89d362100dc6f4945154ff172e206a22c024", size = 6645236, upload-time = "2025-07-01T09:14:23.321Z" }, - { url = "https://files.pythonhosted.org/packages/40/e7/848f69fb79843b3d91241bad658e9c14f39a32f71a301bcd1d139416d1be/pillow-11.3.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:3e184b2f26ff146363dd07bde8b711833d7b0202e27d13540bfe2e35a323a809", size = 6086950, upload-time = "2025-07-01T09:14:25.237Z" }, - { url = "https://files.pythonhosted.org/packages/0b/1a/7cff92e695a2a29ac1958c2a0fe4c0b2393b60aac13b04a4fe2735cad52d/pillow-11.3.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:6be31e3fc9a621e071bc17bb7de63b85cbe0bfae91bb0363c893cbe67247780d", size = 6723358, upload-time = "2025-07-01T09:14:27.053Z" }, - { url = "https://files.pythonhosted.org/packages/26/7d/73699ad77895f69edff76b0f332acc3d497f22f5d75e5360f78cbcaff248/pillow-11.3.0-cp312-cp312-win32.whl", hash = "sha256:7b161756381f0918e05e7cb8a371fff367e807770f8fe92ecb20d905d0e1c149", size = 6275079, upload-time = "2025-07-01T09:14:30.104Z" }, - { url = "https://files.pythonhosted.org/packages/8c/ce/e7dfc873bdd9828f3b6e5c2bbb74e47a98ec23cc5c74fc4e54462f0d9204/pillow-11.3.0-cp312-cp312-win_amd64.whl", hash = "sha256:a6444696fce635783440b7f7a9fc24b3ad10a9ea3f0ab66c5905be1c19ccf17d", size = 6986324, upload-time = "2025-07-01T09:14:31.899Z" }, - { url = "https://files.pythonhosted.org/packages/16/8f/b13447d1bf0b1f7467ce7d86f6e6edf66c0ad7cf44cf5c87a37f9bed9936/pillow-11.3.0-cp312-cp312-win_arm64.whl", hash = "sha256:2aceea54f957dd4448264f9bf40875da0415c83eb85f55069d89c0ed436e3542", size = 2423067, upload-time = "2025-07-01T09:14:33.709Z" }, - { url = "https://files.pythonhosted.org/packages/1e/93/0952f2ed8db3a5a4c7a11f91965d6184ebc8cd7cbb7941a260d5f018cd2d/pillow-11.3.0-cp313-cp313-ios_13_0_arm64_iphoneos.whl", hash = "sha256:1c627742b539bba4309df89171356fcb3cc5a9178355b2727d1b74a6cf155fbd", size = 2128328, upload-time = "2025-07-01T09:14:35.276Z" }, - { url = "https://files.pythonhosted.org/packages/4b/e8/100c3d114b1a0bf4042f27e0f87d2f25e857e838034e98ca98fe7b8c0a9c/pillow-11.3.0-cp313-cp313-ios_13_0_arm64_iphonesimulator.whl", hash = "sha256:30b7c02f3899d10f13d7a48163c8969e4e653f8b43416d23d13d1bbfdc93b9f8", size = 2170652, upload-time = "2025-07-01T09:14:37.203Z" }, - { url = "https://files.pythonhosted.org/packages/aa/86/3f758a28a6e381758545f7cdb4942e1cb79abd271bea932998fc0db93cb6/pillow-11.3.0-cp313-cp313-ios_13_0_x86_64_iphonesimulator.whl", hash = "sha256:7859a4cc7c9295f5838015d8cc0a9c215b77e43d07a25e460f35cf516df8626f", size = 2227443, upload-time = "2025-07-01T09:14:39.344Z" }, - { url = "https://files.pythonhosted.org/packages/01/f4/91d5b3ffa718df2f53b0dc109877993e511f4fd055d7e9508682e8aba092/pillow-11.3.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:ec1ee50470b0d050984394423d96325b744d55c701a439d2bd66089bff963d3c", size = 5278474, upload-time = "2025-07-01T09:14:41.843Z" }, - { url = "https://files.pythonhosted.org/packages/f9/0e/37d7d3eca6c879fbd9dba21268427dffda1ab00d4eb05b32923d4fbe3b12/pillow-11.3.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:7db51d222548ccfd274e4572fdbf3e810a5e66b00608862f947b163e613b67dd", size = 4686038, upload-time = "2025-07-01T09:14:44.008Z" }, - { url = "https://files.pythonhosted.org/packages/ff/b0/3426e5c7f6565e752d81221af9d3676fdbb4f352317ceafd42899aaf5d8a/pillow-11.3.0-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:2d6fcc902a24ac74495df63faad1884282239265c6839a0a6416d33faedfae7e", size = 5864407, upload-time = "2025-07-03T13:10:15.628Z" }, - { url = "https://files.pythonhosted.org/packages/fc/c1/c6c423134229f2a221ee53f838d4be9d82bab86f7e2f8e75e47b6bf6cd77/pillow-11.3.0-cp313-cp313-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:f0f5d8f4a08090c6d6d578351a2b91acf519a54986c055af27e7a93feae6d3f1", size = 7639094, upload-time = "2025-07-03T13:10:21.857Z" }, - { url = "https://files.pythonhosted.org/packages/ba/c9/09e6746630fe6372c67c648ff9deae52a2bc20897d51fa293571977ceb5d/pillow-11.3.0-cp313-cp313-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:c37d8ba9411d6003bba9e518db0db0c58a680ab9fe5179f040b0463644bc9805", size = 5973503, upload-time = "2025-07-01T09:14:45.698Z" }, - { url = "https://files.pythonhosted.org/packages/d5/1c/a2a29649c0b1983d3ef57ee87a66487fdeb45132df66ab30dd37f7dbe162/pillow-11.3.0-cp313-cp313-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:13f87d581e71d9189ab21fe0efb5a23e9f28552d5be6979e84001d3b8505abe8", size = 6642574, upload-time = "2025-07-01T09:14:47.415Z" }, - { url = "https://files.pythonhosted.org/packages/36/de/d5cc31cc4b055b6c6fd990e3e7f0f8aaf36229a2698501bcb0cdf67c7146/pillow-11.3.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:023f6d2d11784a465f09fd09a34b150ea4672e85fb3d05931d89f373ab14abb2", size = 6084060, upload-time = "2025-07-01T09:14:49.636Z" }, - { url = "https://files.pythonhosted.org/packages/d5/ea/502d938cbaeec836ac28a9b730193716f0114c41325db428e6b280513f09/pillow-11.3.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:45dfc51ac5975b938e9809451c51734124e73b04d0f0ac621649821a63852e7b", size = 6721407, upload-time = "2025-07-01T09:14:51.962Z" }, - { url = "https://files.pythonhosted.org/packages/45/9c/9c5e2a73f125f6cbc59cc7087c8f2d649a7ae453f83bd0362ff7c9e2aee2/pillow-11.3.0-cp313-cp313-win32.whl", hash = "sha256:a4d336baed65d50d37b88ca5b60c0fa9d81e3a87d4a7930d3880d1624d5b31f3", size = 6273841, upload-time = "2025-07-01T09:14:54.142Z" }, - { url = "https://files.pythonhosted.org/packages/23/85/397c73524e0cd212067e0c969aa245b01d50183439550d24d9f55781b776/pillow-11.3.0-cp313-cp313-win_amd64.whl", hash = "sha256:0bce5c4fd0921f99d2e858dc4d4d64193407e1b99478bc5cacecba2311abde51", size = 6978450, upload-time = "2025-07-01T09:14:56.436Z" }, - { url = "https://files.pythonhosted.org/packages/17/d2/622f4547f69cd173955194b78e4d19ca4935a1b0f03a302d655c9f6aae65/pillow-11.3.0-cp313-cp313-win_arm64.whl", hash = "sha256:1904e1264881f682f02b7f8167935cce37bc97db457f8e7849dc3a6a52b99580", size = 2423055, upload-time = "2025-07-01T09:14:58.072Z" }, - { url = "https://files.pythonhosted.org/packages/dd/80/a8a2ac21dda2e82480852978416cfacd439a4b490a501a288ecf4fe2532d/pillow-11.3.0-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:4c834a3921375c48ee6b9624061076bc0a32a60b5532b322cc0ea64e639dd50e", size = 5281110, upload-time = "2025-07-01T09:14:59.79Z" }, - { url = "https://files.pythonhosted.org/packages/44/d6/b79754ca790f315918732e18f82a8146d33bcd7f4494380457ea89eb883d/pillow-11.3.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:5e05688ccef30ea69b9317a9ead994b93975104a677a36a8ed8106be9260aa6d", size = 4689547, upload-time = "2025-07-01T09:15:01.648Z" }, - { url = "https://files.pythonhosted.org/packages/49/20/716b8717d331150cb00f7fdd78169c01e8e0c219732a78b0e59b6bdb2fd6/pillow-11.3.0-cp313-cp313t-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:1019b04af07fc0163e2810167918cb5add8d74674b6267616021ab558dc98ced", size = 5901554, upload-time = "2025-07-03T13:10:27.018Z" }, - { url = "https://files.pythonhosted.org/packages/74/cf/a9f3a2514a65bb071075063a96f0a5cf949c2f2fce683c15ccc83b1c1cab/pillow-11.3.0-cp313-cp313t-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:f944255db153ebb2b19c51fe85dd99ef0ce494123f21b9db4877ffdfc5590c7c", size = 7669132, upload-time = "2025-07-03T13:10:33.01Z" }, - { url = "https://files.pythonhosted.org/packages/98/3c/da78805cbdbee9cb43efe8261dd7cc0b4b93f2ac79b676c03159e9db2187/pillow-11.3.0-cp313-cp313t-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:1f85acb69adf2aaee8b7da124efebbdb959a104db34d3a2cb0f3793dbae422a8", size = 6005001, upload-time = "2025-07-01T09:15:03.365Z" }, - { url = "https://files.pythonhosted.org/packages/6c/fa/ce044b91faecf30e635321351bba32bab5a7e034c60187fe9698191aef4f/pillow-11.3.0-cp313-cp313t-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:05f6ecbeff5005399bb48d198f098a9b4b6bdf27b8487c7f38ca16eeb070cd59", size = 6668814, upload-time = "2025-07-01T09:15:05.655Z" }, - { url = "https://files.pythonhosted.org/packages/7b/51/90f9291406d09bf93686434f9183aba27b831c10c87746ff49f127ee80cb/pillow-11.3.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:a7bc6e6fd0395bc052f16b1a8670859964dbd7003bd0af2ff08342eb6e442cfe", size = 6113124, upload-time = "2025-07-01T09:15:07.358Z" }, - { url = "https://files.pythonhosted.org/packages/cd/5a/6fec59b1dfb619234f7636d4157d11fb4e196caeee220232a8d2ec48488d/pillow-11.3.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:83e1b0161c9d148125083a35c1c5a89db5b7054834fd4387499e06552035236c", size = 6747186, upload-time = "2025-07-01T09:15:09.317Z" }, - { url = "https://files.pythonhosted.org/packages/49/6b/00187a044f98255225f172de653941e61da37104a9ea60e4f6887717e2b5/pillow-11.3.0-cp313-cp313t-win32.whl", hash = "sha256:2a3117c06b8fb646639dce83694f2f9eac405472713fcb1ae887469c0d4f6788", size = 6277546, upload-time = "2025-07-01T09:15:11.311Z" }, - { url = "https://files.pythonhosted.org/packages/e8/5c/6caaba7e261c0d75bab23be79f1d06b5ad2a2ae49f028ccec801b0e853d6/pillow-11.3.0-cp313-cp313t-win_amd64.whl", hash = "sha256:857844335c95bea93fb39e0fa2726b4d9d758850b34075a7e3ff4f4fa3aa3b31", size = 6985102, upload-time = "2025-07-01T09:15:13.164Z" }, - { url = "https://files.pythonhosted.org/packages/f3/7e/b623008460c09a0cb38263c93b828c666493caee2eb34ff67f778b87e58c/pillow-11.3.0-cp313-cp313t-win_arm64.whl", hash = "sha256:8797edc41f3e8536ae4b10897ee2f637235c94f27404cac7297f7b607dd0716e", size = 2424803, upload-time = "2025-07-01T09:15:15.695Z" }, - { url = "https://files.pythonhosted.org/packages/73/f4/04905af42837292ed86cb1b1dabe03dce1edc008ef14c473c5c7e1443c5d/pillow-11.3.0-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:d9da3df5f9ea2a89b81bb6087177fb1f4d1c7146d583a3fe5c672c0d94e55e12", size = 5278520, upload-time = "2025-07-01T09:15:17.429Z" }, - { url = "https://files.pythonhosted.org/packages/41/b0/33d79e377a336247df6348a54e6d2a2b85d644ca202555e3faa0cf811ecc/pillow-11.3.0-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:0b275ff9b04df7b640c59ec5a3cb113eefd3795a8df80bac69646ef699c6981a", size = 4686116, upload-time = "2025-07-01T09:15:19.423Z" }, - { url = "https://files.pythonhosted.org/packages/49/2d/ed8bc0ab219ae8768f529597d9509d184fe8a6c4741a6864fea334d25f3f/pillow-11.3.0-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:0743841cabd3dba6a83f38a92672cccbd69af56e3e91777b0ee7f4dba4385632", size = 5864597, upload-time = "2025-07-03T13:10:38.404Z" }, - { url = "https://files.pythonhosted.org/packages/b5/3d/b932bb4225c80b58dfadaca9d42d08d0b7064d2d1791b6a237f87f661834/pillow-11.3.0-cp314-cp314-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:2465a69cf967b8b49ee1b96d76718cd98c4e925414ead59fdf75cf0fd07df673", size = 7638246, upload-time = "2025-07-03T13:10:44.987Z" }, - { url = "https://files.pythonhosted.org/packages/09/b5/0487044b7c096f1b48f0d7ad416472c02e0e4bf6919541b111efd3cae690/pillow-11.3.0-cp314-cp314-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:41742638139424703b4d01665b807c6468e23e699e8e90cffefe291c5832b027", size = 5973336, upload-time = "2025-07-01T09:15:21.237Z" }, - { url = "https://files.pythonhosted.org/packages/a8/2d/524f9318f6cbfcc79fbc004801ea6b607ec3f843977652fdee4857a7568b/pillow-11.3.0-cp314-cp314-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:93efb0b4de7e340d99057415c749175e24c8864302369e05914682ba642e5d77", size = 6642699, upload-time = "2025-07-01T09:15:23.186Z" }, - { url = "https://files.pythonhosted.org/packages/6f/d2/a9a4f280c6aefedce1e8f615baaa5474e0701d86dd6f1dede66726462bbd/pillow-11.3.0-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:7966e38dcd0fa11ca390aed7c6f20454443581d758242023cf36fcb319b1a874", size = 6083789, upload-time = "2025-07-01T09:15:25.1Z" }, - { url = "https://files.pythonhosted.org/packages/fe/54/86b0cd9dbb683a9d5e960b66c7379e821a19be4ac5810e2e5a715c09a0c0/pillow-11.3.0-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:98a9afa7b9007c67ed84c57c9e0ad86a6000da96eaa638e4f8abe5b65ff83f0a", size = 6720386, upload-time = "2025-07-01T09:15:27.378Z" }, - { url = "https://files.pythonhosted.org/packages/e7/95/88efcaf384c3588e24259c4203b909cbe3e3c2d887af9e938c2022c9dd48/pillow-11.3.0-cp314-cp314-win32.whl", hash = "sha256:02a723e6bf909e7cea0dac1b0e0310be9d7650cd66222a5f1c571455c0a45214", size = 6370911, upload-time = "2025-07-01T09:15:29.294Z" }, - { url = "https://files.pythonhosted.org/packages/2e/cc/934e5820850ec5eb107e7b1a72dd278140731c669f396110ebc326f2a503/pillow-11.3.0-cp314-cp314-win_amd64.whl", hash = "sha256:a418486160228f64dd9e9efcd132679b7a02a5f22c982c78b6fc7dab3fefb635", size = 7117383, upload-time = "2025-07-01T09:15:31.128Z" }, - { url = "https://files.pythonhosted.org/packages/d6/e9/9c0a616a71da2a5d163aa37405e8aced9a906d574b4a214bede134e731bc/pillow-11.3.0-cp314-cp314-win_arm64.whl", hash = "sha256:155658efb5e044669c08896c0c44231c5e9abcaadbc5cd3648df2f7c0b96b9a6", size = 2511385, upload-time = "2025-07-01T09:15:33.328Z" }, - { url = "https://files.pythonhosted.org/packages/1a/33/c88376898aff369658b225262cd4f2659b13e8178e7534df9e6e1fa289f6/pillow-11.3.0-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:59a03cdf019efbfeeed910bf79c7c93255c3d54bc45898ac2a4140071b02b4ae", size = 5281129, upload-time = "2025-07-01T09:15:35.194Z" }, - { url = "https://files.pythonhosted.org/packages/1f/70/d376247fb36f1844b42910911c83a02d5544ebd2a8bad9efcc0f707ea774/pillow-11.3.0-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:f8a5827f84d973d8636e9dc5764af4f0cf2318d26744b3d902931701b0d46653", size = 4689580, upload-time = "2025-07-01T09:15:37.114Z" }, - { url = "https://files.pythonhosted.org/packages/eb/1c/537e930496149fbac69efd2fc4329035bbe2e5475b4165439e3be9cb183b/pillow-11.3.0-cp314-cp314t-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:ee92f2fd10f4adc4b43d07ec5e779932b4eb3dbfbc34790ada5a6669bc095aa6", size = 5902860, upload-time = "2025-07-03T13:10:50.248Z" }, - { url = "https://files.pythonhosted.org/packages/bd/57/80f53264954dcefeebcf9dae6e3eb1daea1b488f0be8b8fef12f79a3eb10/pillow-11.3.0-cp314-cp314t-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:c96d333dcf42d01f47b37e0979b6bd73ec91eae18614864622d9b87bbd5bbf36", size = 7670694, upload-time = "2025-07-03T13:10:56.432Z" }, - { url = "https://files.pythonhosted.org/packages/70/ff/4727d3b71a8578b4587d9c276e90efad2d6fe0335fd76742a6da08132e8c/pillow-11.3.0-cp314-cp314t-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:4c96f993ab8c98460cd0c001447bff6194403e8b1d7e149ade5f00594918128b", size = 6005888, upload-time = "2025-07-01T09:15:39.436Z" }, - { url = "https://files.pythonhosted.org/packages/05/ae/716592277934f85d3be51d7256f3636672d7b1abfafdc42cf3f8cbd4b4c8/pillow-11.3.0-cp314-cp314t-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:41342b64afeba938edb034d122b2dda5db2139b9a4af999729ba8818e0056477", size = 6670330, upload-time = "2025-07-01T09:15:41.269Z" }, - { url = "https://files.pythonhosted.org/packages/e7/bb/7fe6cddcc8827b01b1a9766f5fdeb7418680744f9082035bdbabecf1d57f/pillow-11.3.0-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:068d9c39a2d1b358eb9f245ce7ab1b5c3246c7c8c7d9ba58cfa5b43146c06e50", size = 6114089, upload-time = "2025-07-01T09:15:43.13Z" }, - { url = "https://files.pythonhosted.org/packages/8b/f5/06bfaa444c8e80f1a8e4bff98da9c83b37b5be3b1deaa43d27a0db37ef84/pillow-11.3.0-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:a1bc6ba083b145187f648b667e05a2534ecc4b9f2784c2cbe3089e44868f2b9b", size = 6748206, upload-time = "2025-07-01T09:15:44.937Z" }, - { url = "https://files.pythonhosted.org/packages/f0/77/bc6f92a3e8e6e46c0ca78abfffec0037845800ea38c73483760362804c41/pillow-11.3.0-cp314-cp314t-win32.whl", hash = "sha256:118ca10c0d60b06d006be10a501fd6bbdfef559251ed31b794668ed569c87e12", size = 6377370, upload-time = "2025-07-01T09:15:46.673Z" }, - { url = "https://files.pythonhosted.org/packages/4a/82/3a721f7d69dca802befb8af08b7c79ebcab461007ce1c18bd91a5d5896f9/pillow-11.3.0-cp314-cp314t-win_amd64.whl", hash = "sha256:8924748b688aa210d79883357d102cd64690e56b923a186f35a82cbc10f997db", size = 7121500, upload-time = "2025-07-01T09:15:48.512Z" }, - { url = "https://files.pythonhosted.org/packages/89/c7/5572fa4a3f45740eaab6ae86fcdf7195b55beac1371ac8c619d880cfe948/pillow-11.3.0-cp314-cp314t-win_arm64.whl", hash = "sha256:79ea0d14d3ebad43ec77ad5272e6ff9bba5b679ef73375ea760261207fa8e0aa", size = 2512835, upload-time = "2025-07-01T09:15:50.399Z" }, - { url = "https://files.pythonhosted.org/packages/6f/8b/209bd6b62ce8367f47e68a218bffac88888fdf2c9fcf1ecadc6c3ec1ebc7/pillow-11.3.0-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:3cee80663f29e3843b68199b9d6f4f54bd1d4a6b59bdd91bceefc51238bcb967", size = 5270556, upload-time = "2025-07-01T09:16:09.961Z" }, - { url = "https://files.pythonhosted.org/packages/2e/e6/231a0b76070c2cfd9e260a7a5b504fb72da0a95279410fa7afd99d9751d6/pillow-11.3.0-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:b5f56c3f344f2ccaf0dd875d3e180f631dc60a51b314295a3e681fe8cf851fbe", size = 4654625, upload-time = "2025-07-01T09:16:11.913Z" }, - { url = "https://files.pythonhosted.org/packages/13/f4/10cf94fda33cb12765f2397fc285fa6d8eb9c29de7f3185165b702fc7386/pillow-11.3.0-pp310-pypy310_pp73-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:e67d793d180c9df62f1f40aee3accca4829d3794c95098887edc18af4b8b780c", size = 4874207, upload-time = "2025-07-03T13:11:10.201Z" }, - { url = "https://files.pythonhosted.org/packages/72/c9/583821097dc691880c92892e8e2d41fe0a5a3d6021f4963371d2f6d57250/pillow-11.3.0-pp310-pypy310_pp73-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:d000f46e2917c705e9fb93a3606ee4a819d1e3aa7a9b442f6444f07e77cf5e25", size = 6583939, upload-time = "2025-07-03T13:11:15.68Z" }, - { url = "https://files.pythonhosted.org/packages/3b/8e/5c9d410f9217b12320efc7c413e72693f48468979a013ad17fd690397b9a/pillow-11.3.0-pp310-pypy310_pp73-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:527b37216b6ac3a12d7838dc3bd75208ec57c1c6d11ef01902266a5a0c14fc27", size = 4957166, upload-time = "2025-07-01T09:16:13.74Z" }, - { url = "https://files.pythonhosted.org/packages/62/bb/78347dbe13219991877ffb3a91bf09da8317fbfcd4b5f9140aeae020ad71/pillow-11.3.0-pp310-pypy310_pp73-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:be5463ac478b623b9dd3937afd7fb7ab3d79dd290a28e2b6df292dc75063eb8a", size = 5581482, upload-time = "2025-07-01T09:16:16.107Z" }, - { url = "https://files.pythonhosted.org/packages/d9/28/1000353d5e61498aaeaaf7f1e4b49ddb05f2c6575f9d4f9f914a3538b6e1/pillow-11.3.0-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:8dc70ca24c110503e16918a658b869019126ecfe03109b754c402daff12b3d9f", size = 6984596, upload-time = "2025-07-01T09:16:18.07Z" }, - { url = "https://files.pythonhosted.org/packages/9e/e3/6fa84033758276fb31da12e5fb66ad747ae83b93c67af17f8c6ff4cc8f34/pillow-11.3.0-pp311-pypy311_pp73-macosx_10_15_x86_64.whl", hash = "sha256:7c8ec7a017ad1bd562f93dbd8505763e688d388cde6e4a010ae1486916e713e6", size = 5270566, upload-time = "2025-07-01T09:16:19.801Z" }, - { url = "https://files.pythonhosted.org/packages/5b/ee/e8d2e1ab4892970b561e1ba96cbd59c0d28cf66737fc44abb2aec3795a4e/pillow-11.3.0-pp311-pypy311_pp73-macosx_11_0_arm64.whl", hash = "sha256:9ab6ae226de48019caa8074894544af5b53a117ccb9d3b3dcb2871464c829438", size = 4654618, upload-time = "2025-07-01T09:16:21.818Z" }, - { url = "https://files.pythonhosted.org/packages/f2/6d/17f80f4e1f0761f02160fc433abd4109fa1548dcfdca46cfdadaf9efa565/pillow-11.3.0-pp311-pypy311_pp73-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:fe27fb049cdcca11f11a7bfda64043c37b30e6b91f10cb5bab275806c32f6ab3", size = 4874248, upload-time = "2025-07-03T13:11:20.738Z" }, - { url = "https://files.pythonhosted.org/packages/de/5f/c22340acd61cef960130585bbe2120e2fd8434c214802f07e8c03596b17e/pillow-11.3.0-pp311-pypy311_pp73-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:465b9e8844e3c3519a983d58b80be3f668e2a7a5db97f2784e7079fbc9f9822c", size = 6583963, upload-time = "2025-07-03T13:11:26.283Z" }, - { url = "https://files.pythonhosted.org/packages/31/5e/03966aedfbfcbb4d5f8aa042452d3361f325b963ebbadddac05b122e47dd/pillow-11.3.0-pp311-pypy311_pp73-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:5418b53c0d59b3824d05e029669efa023bbef0f3e92e75ec8428f3799487f361", size = 4957170, upload-time = "2025-07-01T09:16:23.762Z" }, - { url = "https://files.pythonhosted.org/packages/cc/2d/e082982aacc927fc2cab48e1e731bdb1643a1406acace8bed0900a61464e/pillow-11.3.0-pp311-pypy311_pp73-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:504b6f59505f08ae014f724b6207ff6222662aab5cc9542577fb084ed0676ac7", size = 5581505, upload-time = "2025-07-01T09:16:25.593Z" }, - { url = "https://files.pythonhosted.org/packages/34/e7/ae39f538fd6844e982063c3a5e4598b8ced43b9633baa3a85ef33af8c05c/pillow-11.3.0-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:c84d689db21a1c397d001aa08241044aa2069e7587b398c8cc63020390b1c1b8", size = 6984598, upload-time = "2025-07-01T09:16:27.732Z" }, -] - -[[package]] -name = "platformdirs" -version = "4.5.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/61/33/9611380c2bdb1225fdef633e2a9610622310fed35ab11dac9620972ee088/platformdirs-4.5.0.tar.gz", hash = "sha256:70ddccdd7c99fc5942e9fc25636a8b34d04c24b335100223152c2803e4063312", size = 21632, upload-time = "2025-10-08T17:44:48.791Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/73/cb/ac7874b3e5d58441674fb70742e6c374b28b0c7cb988d37d991cde47166c/platformdirs-4.5.0-py3-none-any.whl", hash = "sha256:e578a81bb873cbb89a41fcc904c7ef523cc18284b7e3b3ccf06aca1403b7ebd3", size = 18651, upload-time = "2025-10-08T17:44:47.223Z" }, -] - -[[package]] -name = "pluggy" -version = "1.6.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f9/e2/3e91f31a7d2b083fe6ef3fa267035b518369d9511ffab804f839851d2779/pluggy-1.6.0.tar.gz", hash = "sha256:7dcc130b76258d33b90f61b658791dede3486c3e6bfb003ee5c9bfb396dd22f3", size = 69412, upload-time = "2025-05-15T12:30:07.975Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/54/20/4d324d65cc6d9205fabedc306948156824eb9f0ee1633355a8f7ec5c66bf/pluggy-1.6.0-py3-none-any.whl", hash = "sha256:e920276dd6813095e9377c0bc5566d94c932c33b27a3e3945d8389c374dd4746", size = 20538, upload-time = "2025-05-15T12:30:06.134Z" }, -] - -[[package]] -name = "plumbum" -version = "1.9.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "pywin32", marker = "(platform_python_implementation != 'PyPy' and sys_platform == 'win32') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation == 'PyPy' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'win32' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/f0/5d/49ba324ad4ae5b1a4caefafbce7a1648540129344481f2ed4ef6bb68d451/plumbum-1.9.0.tar.gz", hash = "sha256:e640062b72642c3873bd5bdc3effed75ba4d3c70ef6b6a7b907357a84d909219", size = 319083, upload-time = "2024-10-05T05:59:27.059Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/4f/9d/d03542c93bb3d448406731b80f39c3d5601282f778328c22c77d270f4ed4/plumbum-1.9.0-py3-none-any.whl", hash = "sha256:9fd0d3b0e8d86e4b581af36edf3f3bbe9d1ae15b45b8caab28de1bcb27aaa7f5", size = 127970, upload-time = "2024-10-05T05:59:25.102Z" }, -] - -[[package]] -name = "ply" -version = "3.11" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/e5/69/882ee5c9d017149285cab114ebeab373308ef0f874fcdac9beb90e0ac4da/ply-3.11.tar.gz", hash = "sha256:00c7c1aaa88358b9c765b6d3000c6eec0ba42abca5351b095321aef446081da3", size = 159130, upload-time = "2018-02-15T19:01:31.097Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/a3/58/35da89ee790598a0700ea49b2a66594140f44dec458c07e8e3d4979137fc/ply-3.11-py2.py3-none-any.whl", hash = "sha256:096f9b8350b65ebd2fd1346b12452efe5b9607f7482813ffca50c22722a807ce", size = 49567, upload-time = "2018-02-15T19:01:27.172Z" }, -] - -[[package]] -name = "pre-commit" -version = "4.3.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "cfgv" }, - { name = "identify" }, - { name = "nodeenv" }, - { name = "pyyaml" }, - { name = "virtualenv" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/ff/29/7cf5bbc236333876e4b41f56e06857a87937ce4bf91e117a6991a2dbb02a/pre_commit-4.3.0.tar.gz", hash = "sha256:499fe450cc9d42e9d58e606262795ecb64dd05438943c62b66f6a8673da30b16", size = 193792, upload-time = "2025-08-09T18:56:14.651Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/5b/a5/987a405322d78a73b66e39e4a90e4ef156fd7141bf71df987e50717c321b/pre_commit-4.3.0-py2.py3-none-any.whl", hash = "sha256:2b0747ad7e6e967169136edffee14c16e148a778a54e4f967921aa1ebf2308d8", size = 220965, upload-time = "2025-08-09T18:56:13.192Z" }, -] - -[[package]] -name = "prometheus-client" -version = "0.23.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/23/53/3edb5d68ecf6b38fcbcc1ad28391117d2a322d9a1a3eff04bfdb184d8c3b/prometheus_client-0.23.1.tar.gz", hash = "sha256:6ae8f9081eaaaf153a2e959d2e6c4f4fb57b12ef76c8c7980202f1e57b48b2ce", size = 80481, upload-time = "2025-09-18T20:47:25.043Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/b8/db/14bafcb4af2139e046d03fd00dea7873e48eafe18b7d2797e73d6681f210/prometheus_client-0.23.1-py3-none-any.whl", hash = "sha256:dd1913e6e76b59cfe44e7a4b83e01afc9873c1bdfd2ed8739f1e76aeca115f99", size = 61145, upload-time = "2025-09-18T20:47:23.875Z" }, -] - -[[package]] -name = "prompt-toolkit" -version = "3.0.51" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "wcwidth" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/bb/6e/9d084c929dfe9e3bfe0c6a47e31f78a25c54627d64a66e884a8bf5474f1c/prompt_toolkit-3.0.51.tar.gz", hash = "sha256:931a162e3b27fc90c86f1b48bb1fb2c528c2761475e57c9c06de13311c7b54ed", size = 428940, upload-time = "2025-04-15T09:18:47.731Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ce/4f/5249960887b1fbe561d9ff265496d170b55a735b76724f10ef19f9e40716/prompt_toolkit-3.0.51-py3-none-any.whl", hash = "sha256:52742911fde84e2d423e2f9a4cf1de7d7ac4e51958f648d9540e0fb8db077b07", size = 387810, upload-time = "2025-04-15T09:18:44.753Z" }, -] - -[[package]] -name = "propcache" -version = "0.4.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/9e/da/e9fc233cf63743258bff22b3dfa7ea5baef7b5bc324af47a0ad89b8ffc6f/propcache-0.4.1.tar.gz", hash = "sha256:f48107a8c637e80362555f37ecf49abe20370e557cc4ab374f04ec4423c97c3d", size = 46442, upload-time = "2025-10-08T19:49:02.291Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/3c/0e/934b541323035566a9af292dba85a195f7b78179114f2c6ebb24551118a9/propcache-0.4.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:7c2d1fa3201efaf55d730400d945b5b3ab6e672e100ba0f9a409d950ab25d7db", size = 79534, upload-time = "2025-10-08T19:46:02.083Z" }, - { url = "https://files.pythonhosted.org/packages/a1/6b/db0d03d96726d995dc7171286c6ba9d8d14251f37433890f88368951a44e/propcache-0.4.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:1eb2994229cc8ce7fe9b3db88f5465f5fd8651672840b2e426b88cdb1a30aac8", size = 45526, upload-time = "2025-10-08T19:46:03.884Z" }, - { url = "https://files.pythonhosted.org/packages/e4/c3/82728404aea669e1600f304f2609cde9e665c18df5a11cdd57ed73c1dceb/propcache-0.4.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:66c1f011f45a3b33d7bcb22daed4b29c0c9e2224758b6be00686731e1b46f925", size = 47263, upload-time = "2025-10-08T19:46:05.405Z" }, - { url = "https://files.pythonhosted.org/packages/df/1b/39313ddad2bf9187a1432654c38249bab4562ef535ef07f5eb6eb04d0b1b/propcache-0.4.1-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:9a52009f2adffe195d0b605c25ec929d26b36ef986ba85244891dee3b294df21", size = 201012, upload-time = "2025-10-08T19:46:07.165Z" }, - { url = "https://files.pythonhosted.org/packages/5b/01/f1d0b57d136f294a142acf97f4ed58c8e5b974c21e543000968357115011/propcache-0.4.1-cp310-cp310-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:5d4e2366a9c7b837555cf02fb9be2e3167d333aff716332ef1b7c3a142ec40c5", size = 209491, upload-time = "2025-10-08T19:46:08.909Z" }, - { url = "https://files.pythonhosted.org/packages/a1/c8/038d909c61c5bb039070b3fb02ad5cccdb1dde0d714792e251cdb17c9c05/propcache-0.4.1-cp310-cp310-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:9d2b6caef873b4f09e26ea7e33d65f42b944837563a47a94719cc3544319a0db", size = 215319, upload-time = "2025-10-08T19:46:10.7Z" }, - { url = "https://files.pythonhosted.org/packages/08/57/8c87e93142b2c1fa2408e45695205a7ba05fb5db458c0bf5c06ba0e09ea6/propcache-0.4.1-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:2b16ec437a8c8a965ecf95739448dd938b5c7f56e67ea009f4300d8df05f32b7", size = 196856, upload-time = "2025-10-08T19:46:12.003Z" }, - { url = "https://files.pythonhosted.org/packages/42/df/5615fec76aa561987a534759b3686008a288e73107faa49a8ae5795a9f7a/propcache-0.4.1-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:296f4c8ed03ca7476813fe666c9ea97869a8d7aec972618671b33a38a5182ef4", size = 193241, upload-time = "2025-10-08T19:46:13.495Z" }, - { url = "https://files.pythonhosted.org/packages/d5/21/62949eb3a7a54afe8327011c90aca7e03547787a88fb8bd9726806482fea/propcache-0.4.1-cp310-cp310-musllinux_1_2_armv7l.whl", hash = "sha256:1f0978529a418ebd1f49dad413a2b68af33f85d5c5ca5c6ca2a3bed375a7ac60", size = 190552, upload-time = "2025-10-08T19:46:14.938Z" }, - { url = "https://files.pythonhosted.org/packages/30/ee/ab4d727dd70806e5b4de96a798ae7ac6e4d42516f030ee60522474b6b332/propcache-0.4.1-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:fd138803047fb4c062b1c1dd95462f5209456bfab55c734458f15d11da288f8f", size = 200113, upload-time = "2025-10-08T19:46:16.695Z" }, - { url = "https://files.pythonhosted.org/packages/8a/0b/38b46208e6711b016aa8966a3ac793eee0d05c7159d8342aa27fc0bc365e/propcache-0.4.1-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:8c9b3cbe4584636d72ff556d9036e0c9317fa27b3ac1f0f558e7e84d1c9c5900", size = 200778, upload-time = "2025-10-08T19:46:18.023Z" }, - { url = "https://files.pythonhosted.org/packages/cf/81/5abec54355ed344476bee711e9f04815d4b00a311ab0535599204eecc257/propcache-0.4.1-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:f93243fdc5657247533273ac4f86ae106cc6445a0efacb9a1bfe982fcfefd90c", size = 193047, upload-time = "2025-10-08T19:46:19.449Z" }, - { url = "https://files.pythonhosted.org/packages/ec/b6/1f237c04e32063cb034acd5f6ef34ef3a394f75502e72703545631ab1ef6/propcache-0.4.1-cp310-cp310-win32.whl", hash = "sha256:a0ee98db9c5f80785b266eb805016e36058ac72c51a064040f2bc43b61101cdb", size = 38093, upload-time = "2025-10-08T19:46:20.643Z" }, - { url = "https://files.pythonhosted.org/packages/a6/67/354aac4e0603a15f76439caf0427781bcd6797f370377f75a642133bc954/propcache-0.4.1-cp310-cp310-win_amd64.whl", hash = "sha256:1cdb7988c4e5ac7f6d175a28a9aa0c94cb6f2ebe52756a3c0cda98d2809a9e37", size = 41638, upload-time = "2025-10-08T19:46:21.935Z" }, - { url = "https://files.pythonhosted.org/packages/e0/e1/74e55b9fd1a4c209ff1a9a824bf6c8b3d1fc5a1ac3eabe23462637466785/propcache-0.4.1-cp310-cp310-win_arm64.whl", hash = "sha256:d82ad62b19645419fe79dd63b3f9253e15b30e955c0170e5cebc350c1844e581", size = 38229, upload-time = "2025-10-08T19:46:23.368Z" }, - { url = "https://files.pythonhosted.org/packages/8c/d4/4e2c9aaf7ac2242b9358f98dccd8f90f2605402f5afeff6c578682c2c491/propcache-0.4.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:60a8fda9644b7dfd5dece8c61d8a85e271cb958075bfc4e01083c148b61a7caf", size = 80208, upload-time = "2025-10-08T19:46:24.597Z" }, - { url = "https://files.pythonhosted.org/packages/c2/21/d7b68e911f9c8e18e4ae43bdbc1e1e9bbd971f8866eb81608947b6f585ff/propcache-0.4.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c30b53e7e6bda1d547cabb47c825f3843a0a1a42b0496087bb58d8fedf9f41b5", size = 45777, upload-time = "2025-10-08T19:46:25.733Z" }, - { url = "https://files.pythonhosted.org/packages/d3/1d/11605e99ac8ea9435651ee71ab4cb4bf03f0949586246476a25aadfec54a/propcache-0.4.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:6918ecbd897443087a3b7cd978d56546a812517dcaaca51b49526720571fa93e", size = 47647, upload-time = "2025-10-08T19:46:27.304Z" }, - { url = "https://files.pythonhosted.org/packages/58/1a/3c62c127a8466c9c843bccb503d40a273e5cc69838805f322e2826509e0d/propcache-0.4.1-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:3d902a36df4e5989763425a8ab9e98cd8ad5c52c823b34ee7ef307fd50582566", size = 214929, upload-time = "2025-10-08T19:46:28.62Z" }, - { url = "https://files.pythonhosted.org/packages/56/b9/8fa98f850960b367c4b8fe0592e7fc341daa7a9462e925228f10a60cf74f/propcache-0.4.1-cp311-cp311-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:a9695397f85973bb40427dedddf70d8dc4a44b22f1650dd4af9eedf443d45165", size = 221778, upload-time = "2025-10-08T19:46:30.358Z" }, - { url = "https://files.pythonhosted.org/packages/46/a6/0ab4f660eb59649d14b3d3d65c439421cf2f87fe5dd68591cbe3c1e78a89/propcache-0.4.1-cp311-cp311-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:2bb07ffd7eaad486576430c89f9b215f9e4be68c4866a96e97db9e97fead85dc", size = 228144, upload-time = "2025-10-08T19:46:32.607Z" }, - { url = "https://files.pythonhosted.org/packages/52/6a/57f43e054fb3d3a56ac9fc532bc684fc6169a26c75c353e65425b3e56eef/propcache-0.4.1-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:fd6f30fdcf9ae2a70abd34da54f18da086160e4d7d9251f81f3da0ff84fc5a48", size = 210030, upload-time = "2025-10-08T19:46:33.969Z" }, - { url = "https://files.pythonhosted.org/packages/40/e2/27e6feebb5f6b8408fa29f5efbb765cd54c153ac77314d27e457a3e993b7/propcache-0.4.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:fc38cba02d1acba4e2869eef1a57a43dfbd3d49a59bf90dda7444ec2be6a5570", size = 208252, upload-time = "2025-10-08T19:46:35.309Z" }, - { url = "https://files.pythonhosted.org/packages/9e/f8/91c27b22ccda1dbc7967f921c42825564fa5336a01ecd72eb78a9f4f53c2/propcache-0.4.1-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:67fad6162281e80e882fb3ec355398cf72864a54069d060321f6cd0ade95fe85", size = 202064, upload-time = "2025-10-08T19:46:36.993Z" }, - { url = "https://files.pythonhosted.org/packages/f2/26/7f00bd6bd1adba5aafe5f4a66390f243acab58eab24ff1a08bebb2ef9d40/propcache-0.4.1-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:f10207adf04d08bec185bae14d9606a1444715bc99180f9331c9c02093e1959e", size = 212429, upload-time = "2025-10-08T19:46:38.398Z" }, - { url = "https://files.pythonhosted.org/packages/84/89/fd108ba7815c1117ddca79c228f3f8a15fc82a73bca8b142eb5de13b2785/propcache-0.4.1-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:e9b0d8d0845bbc4cfcdcbcdbf5086886bc8157aa963c31c777ceff7846c77757", size = 216727, upload-time = "2025-10-08T19:46:39.732Z" }, - { url = "https://files.pythonhosted.org/packages/79/37/3ec3f7e3173e73f1d600495d8b545b53802cbf35506e5732dd8578db3724/propcache-0.4.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:981333cb2f4c1896a12f4ab92a9cc8f09ea664e9b7dbdc4eff74627af3a11c0f", size = 205097, upload-time = "2025-10-08T19:46:41.025Z" }, - { url = "https://files.pythonhosted.org/packages/61/b0/b2631c19793f869d35f47d5a3a56fb19e9160d3c119f15ac7344fc3ccae7/propcache-0.4.1-cp311-cp311-win32.whl", hash = "sha256:f1d2f90aeec838a52f1c1a32fe9a619fefd5e411721a9117fbf82aea638fe8a1", size = 38084, upload-time = "2025-10-08T19:46:42.693Z" }, - { url = "https://files.pythonhosted.org/packages/f4/78/6cce448e2098e9f3bfc91bb877f06aa24b6ccace872e39c53b2f707c4648/propcache-0.4.1-cp311-cp311-win_amd64.whl", hash = "sha256:364426a62660f3f699949ac8c621aad6977be7126c5807ce48c0aeb8e7333ea6", size = 41637, upload-time = "2025-10-08T19:46:43.778Z" }, - { url = "https://files.pythonhosted.org/packages/9c/e9/754f180cccd7f51a39913782c74717c581b9cc8177ad0e949f4d51812383/propcache-0.4.1-cp311-cp311-win_arm64.whl", hash = "sha256:e53f3a38d3510c11953f3e6a33f205c6d1b001129f972805ca9b42fc308bc239", size = 38064, upload-time = "2025-10-08T19:46:44.872Z" }, - { url = "https://files.pythonhosted.org/packages/a2/0f/f17b1b2b221d5ca28b4b876e8bb046ac40466513960646bda8e1853cdfa2/propcache-0.4.1-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:e153e9cd40cc8945138822807139367f256f89c6810c2634a4f6902b52d3b4e2", size = 80061, upload-time = "2025-10-08T19:46:46.075Z" }, - { url = "https://files.pythonhosted.org/packages/76/47/8ccf75935f51448ba9a16a71b783eb7ef6b9ee60f5d14c7f8a8a79fbeed7/propcache-0.4.1-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:cd547953428f7abb73c5ad82cbb32109566204260d98e41e5dfdc682eb7f8403", size = 46037, upload-time = "2025-10-08T19:46:47.23Z" }, - { url = "https://files.pythonhosted.org/packages/0a/b6/5c9a0e42df4d00bfb4a3cbbe5cf9f54260300c88a0e9af1f47ca5ce17ac0/propcache-0.4.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:f048da1b4f243fc44f205dfd320933a951b8d89e0afd4c7cacc762a8b9165207", size = 47324, upload-time = "2025-10-08T19:46:48.384Z" }, - { url = "https://files.pythonhosted.org/packages/9e/d3/6c7ee328b39a81ee877c962469f1e795f9db87f925251efeb0545e0020d0/propcache-0.4.1-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:ec17c65562a827bba85e3872ead335f95405ea1674860d96483a02f5c698fa72", size = 225505, upload-time = "2025-10-08T19:46:50.055Z" }, - { url = "https://files.pythonhosted.org/packages/01/5d/1c53f4563490b1d06a684742cc6076ef944bc6457df6051b7d1a877c057b/propcache-0.4.1-cp312-cp312-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:405aac25c6394ef275dee4c709be43745d36674b223ba4eb7144bf4d691b7367", size = 230242, upload-time = "2025-10-08T19:46:51.815Z" }, - { url = "https://files.pythonhosted.org/packages/20/e1/ce4620633b0e2422207c3cb774a0ee61cac13abc6217763a7b9e2e3f4a12/propcache-0.4.1-cp312-cp312-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:0013cb6f8dde4b2a2f66903b8ba740bdfe378c943c4377a200551ceb27f379e4", size = 238474, upload-time = "2025-10-08T19:46:53.208Z" }, - { url = "https://files.pythonhosted.org/packages/46/4b/3aae6835b8e5f44ea6a68348ad90f78134047b503765087be2f9912140ea/propcache-0.4.1-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:15932ab57837c3368b024473a525e25d316d8353016e7cc0e5ba9eb343fbb1cf", size = 221575, upload-time = "2025-10-08T19:46:54.511Z" }, - { url = "https://files.pythonhosted.org/packages/6e/a5/8a5e8678bcc9d3a1a15b9a29165640d64762d424a16af543f00629c87338/propcache-0.4.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:031dce78b9dc099f4c29785d9cf5577a3faf9ebf74ecbd3c856a7b92768c3df3", size = 216736, upload-time = "2025-10-08T19:46:56.212Z" }, - { url = "https://files.pythonhosted.org/packages/f1/63/b7b215eddeac83ca1c6b934f89d09a625aa9ee4ba158338854c87210cc36/propcache-0.4.1-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:ab08df6c9a035bee56e31af99be621526bd237bea9f32def431c656b29e41778", size = 213019, upload-time = "2025-10-08T19:46:57.595Z" }, - { url = "https://files.pythonhosted.org/packages/57/74/f580099a58c8af587cac7ba19ee7cb418506342fbbe2d4a4401661cca886/propcache-0.4.1-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:4d7af63f9f93fe593afbf104c21b3b15868efb2c21d07d8732c0c4287e66b6a6", size = 220376, upload-time = "2025-10-08T19:46:59.067Z" }, - { url = "https://files.pythonhosted.org/packages/c4/ee/542f1313aff7eaf19c2bb758c5d0560d2683dac001a1c96d0774af799843/propcache-0.4.1-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:cfc27c945f422e8b5071b6e93169679e4eb5bf73bbcbf1ba3ae3a83d2f78ebd9", size = 226988, upload-time = "2025-10-08T19:47:00.544Z" }, - { url = "https://files.pythonhosted.org/packages/8f/18/9c6b015dd9c6930f6ce2229e1f02fb35298b847f2087ea2b436a5bfa7287/propcache-0.4.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:35c3277624a080cc6ec6f847cbbbb5b49affa3598c4535a0a4682a697aaa5c75", size = 215615, upload-time = "2025-10-08T19:47:01.968Z" }, - { url = "https://files.pythonhosted.org/packages/80/9e/e7b85720b98c45a45e1fca6a177024934dc9bc5f4d5dd04207f216fc33ed/propcache-0.4.1-cp312-cp312-win32.whl", hash = "sha256:671538c2262dadb5ba6395e26c1731e1d52534bfe9ae56d0b5573ce539266aa8", size = 38066, upload-time = "2025-10-08T19:47:03.503Z" }, - { url = "https://files.pythonhosted.org/packages/54/09/d19cff2a5aaac632ec8fc03737b223597b1e347416934c1b3a7df079784c/propcache-0.4.1-cp312-cp312-win_amd64.whl", hash = "sha256:cb2d222e72399fcf5890d1d5cc1060857b9b236adff2792ff48ca2dfd46c81db", size = 41655, upload-time = "2025-10-08T19:47:04.973Z" }, - { url = "https://files.pythonhosted.org/packages/68/ab/6b5c191bb5de08036a8c697b265d4ca76148efb10fa162f14af14fb5f076/propcache-0.4.1-cp312-cp312-win_arm64.whl", hash = "sha256:204483131fb222bdaaeeea9f9e6c6ed0cac32731f75dfc1d4a567fc1926477c1", size = 37789, upload-time = "2025-10-08T19:47:06.077Z" }, - { url = "https://files.pythonhosted.org/packages/bf/df/6d9c1b6ac12b003837dde8a10231a7344512186e87b36e855bef32241942/propcache-0.4.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:43eedf29202c08550aac1d14e0ee619b0430aaef78f85864c1a892294fbc28cf", size = 77750, upload-time = "2025-10-08T19:47:07.648Z" }, - { url = "https://files.pythonhosted.org/packages/8b/e8/677a0025e8a2acf07d3418a2e7ba529c9c33caf09d3c1f25513023c1db56/propcache-0.4.1-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:d62cdfcfd89ccb8de04e0eda998535c406bf5e060ffd56be6c586cbcc05b3311", size = 44780, upload-time = "2025-10-08T19:47:08.851Z" }, - { url = "https://files.pythonhosted.org/packages/89/a4/92380f7ca60f99ebae761936bc48a72a639e8a47b29050615eef757cb2a7/propcache-0.4.1-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:cae65ad55793da34db5f54e4029b89d3b9b9490d8abe1b4c7ab5d4b8ec7ebf74", size = 46308, upload-time = "2025-10-08T19:47:09.982Z" }, - { url = "https://files.pythonhosted.org/packages/2d/48/c5ac64dee5262044348d1d78a5f85dd1a57464a60d30daee946699963eb3/propcache-0.4.1-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:333ddb9031d2704a301ee3e506dc46b1fe5f294ec198ed6435ad5b6a085facfe", size = 208182, upload-time = "2025-10-08T19:47:11.319Z" }, - { url = "https://files.pythonhosted.org/packages/c6/0c/cd762dd011a9287389a6a3eb43aa30207bde253610cca06824aeabfe9653/propcache-0.4.1-cp313-cp313-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:fd0858c20f078a32cf55f7e81473d96dcf3b93fd2ccdb3d40fdf54b8573df3af", size = 211215, upload-time = "2025-10-08T19:47:13.146Z" }, - { url = "https://files.pythonhosted.org/packages/30/3e/49861e90233ba36890ae0ca4c660e95df565b2cd15d4a68556ab5865974e/propcache-0.4.1-cp313-cp313-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:678ae89ebc632c5c204c794f8dab2837c5f159aeb59e6ed0539500400577298c", size = 218112, upload-time = "2025-10-08T19:47:14.913Z" }, - { url = "https://files.pythonhosted.org/packages/f1/8b/544bc867e24e1bd48f3118cecd3b05c694e160a168478fa28770f22fd094/propcache-0.4.1-cp313-cp313-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:d472aeb4fbf9865e0c6d622d7f4d54a4e101a89715d8904282bb5f9a2f476c3f", size = 204442, upload-time = "2025-10-08T19:47:16.277Z" }, - { url = "https://files.pythonhosted.org/packages/50/a6/4282772fd016a76d3e5c0df58380a5ea64900afd836cec2c2f662d1b9bb3/propcache-0.4.1-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:4d3df5fa7e36b3225954fba85589da77a0fe6a53e3976de39caf04a0db4c36f1", size = 199398, upload-time = "2025-10-08T19:47:17.962Z" }, - { url = "https://files.pythonhosted.org/packages/3e/ec/d8a7cd406ee1ddb705db2139f8a10a8a427100347bd698e7014351c7af09/propcache-0.4.1-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:ee17f18d2498f2673e432faaa71698032b0127ebf23ae5974eeaf806c279df24", size = 196920, upload-time = "2025-10-08T19:47:19.355Z" }, - { url = "https://files.pythonhosted.org/packages/f6/6c/f38ab64af3764f431e359f8baf9e0a21013e24329e8b85d2da32e8ed07ca/propcache-0.4.1-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:580e97762b950f993ae618e167e7be9256b8353c2dcd8b99ec100eb50f5286aa", size = 203748, upload-time = "2025-10-08T19:47:21.338Z" }, - { url = "https://files.pythonhosted.org/packages/d6/e3/fa846bd70f6534d647886621388f0a265254d30e3ce47e5c8e6e27dbf153/propcache-0.4.1-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:501d20b891688eb8e7aa903021f0b72d5a55db40ffaab27edefd1027caaafa61", size = 205877, upload-time = "2025-10-08T19:47:23.059Z" }, - { url = "https://files.pythonhosted.org/packages/e2/39/8163fc6f3133fea7b5f2827e8eba2029a0277ab2c5beee6c1db7b10fc23d/propcache-0.4.1-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:9a0bd56e5b100aef69bd8562b74b46254e7c8812918d3baa700c8a8009b0af66", size = 199437, upload-time = "2025-10-08T19:47:24.445Z" }, - { url = "https://files.pythonhosted.org/packages/93/89/caa9089970ca49c7c01662bd0eeedfe85494e863e8043565aeb6472ce8fe/propcache-0.4.1-cp313-cp313-win32.whl", hash = "sha256:bcc9aaa5d80322bc2fb24bb7accb4a30f81e90ab8d6ba187aec0744bc302ad81", size = 37586, upload-time = "2025-10-08T19:47:25.736Z" }, - { url = "https://files.pythonhosted.org/packages/f5/ab/f76ec3c3627c883215b5c8080debb4394ef5a7a29be811f786415fc1e6fd/propcache-0.4.1-cp313-cp313-win_amd64.whl", hash = "sha256:381914df18634f5494334d201e98245c0596067504b9372d8cf93f4bb23e025e", size = 40790, upload-time = "2025-10-08T19:47:26.847Z" }, - { url = "https://files.pythonhosted.org/packages/59/1b/e71ae98235f8e2ba5004d8cb19765a74877abf189bc53fc0c80d799e56c3/propcache-0.4.1-cp313-cp313-win_arm64.whl", hash = "sha256:8873eb4460fd55333ea49b7d189749ecf6e55bf85080f11b1c4530ed3034cba1", size = 37158, upload-time = "2025-10-08T19:47:27.961Z" }, - { url = "https://files.pythonhosted.org/packages/83/ce/a31bbdfc24ee0dcbba458c8175ed26089cf109a55bbe7b7640ed2470cfe9/propcache-0.4.1-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:92d1935ee1f8d7442da9c0c4fa7ac20d07e94064184811b685f5c4fada64553b", size = 81451, upload-time = "2025-10-08T19:47:29.445Z" }, - { url = "https://files.pythonhosted.org/packages/25/9c/442a45a470a68456e710d96cacd3573ef26a1d0a60067e6a7d5e655621ed/propcache-0.4.1-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:473c61b39e1460d386479b9b2f337da492042447c9b685f28be4f74d3529e566", size = 46374, upload-time = "2025-10-08T19:47:30.579Z" }, - { url = "https://files.pythonhosted.org/packages/f4/bf/b1d5e21dbc3b2e889ea4327044fb16312a736d97640fb8b6aa3f9c7b3b65/propcache-0.4.1-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:c0ef0aaafc66fbd87842a3fe3902fd889825646bc21149eafe47be6072725835", size = 48396, upload-time = "2025-10-08T19:47:31.79Z" }, - { url = "https://files.pythonhosted.org/packages/f4/04/5b4c54a103d480e978d3c8a76073502b18db0c4bc17ab91b3cb5092ad949/propcache-0.4.1-cp313-cp313t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:f95393b4d66bfae908c3ca8d169d5f79cd65636ae15b5e7a4f6e67af675adb0e", size = 275950, upload-time = "2025-10-08T19:47:33.481Z" }, - { url = "https://files.pythonhosted.org/packages/b4/c1/86f846827fb969c4b78b0af79bba1d1ea2156492e1b83dea8b8a6ae27395/propcache-0.4.1-cp313-cp313t-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:c07fda85708bc48578467e85099645167a955ba093be0a2dcba962195676e859", size = 273856, upload-time = "2025-10-08T19:47:34.906Z" }, - { url = "https://files.pythonhosted.org/packages/36/1d/fc272a63c8d3bbad6878c336c7a7dea15e8f2d23a544bda43205dfa83ada/propcache-0.4.1-cp313-cp313t-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:af223b406d6d000830c6f65f1e6431783fc3f713ba3e6cc8c024d5ee96170a4b", size = 280420, upload-time = "2025-10-08T19:47:36.338Z" }, - { url = "https://files.pythonhosted.org/packages/07/0c/01f2219d39f7e53d52e5173bcb09c976609ba30209912a0680adfb8c593a/propcache-0.4.1-cp313-cp313t-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:a78372c932c90ee474559c5ddfffd718238e8673c340dc21fe45c5b8b54559a0", size = 263254, upload-time = "2025-10-08T19:47:37.692Z" }, - { url = "https://files.pythonhosted.org/packages/2d/18/cd28081658ce597898f0c4d174d4d0f3c5b6d4dc27ffafeef835c95eb359/propcache-0.4.1-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:564d9f0d4d9509e1a870c920a89b2fec951b44bf5ba7d537a9e7c1ccec2c18af", size = 261205, upload-time = "2025-10-08T19:47:39.659Z" }, - { url = "https://files.pythonhosted.org/packages/7a/71/1f9e22eb8b8316701c2a19fa1f388c8a3185082607da8e406a803c9b954e/propcache-0.4.1-cp313-cp313t-musllinux_1_2_armv7l.whl", hash = "sha256:17612831fda0138059cc5546f4d12a2aacfb9e47068c06af35c400ba58ba7393", size = 247873, upload-time = "2025-10-08T19:47:41.084Z" }, - { url = "https://files.pythonhosted.org/packages/4a/65/3d4b61f36af2b4eddba9def857959f1016a51066b4f1ce348e0cf7881f58/propcache-0.4.1-cp313-cp313t-musllinux_1_2_ppc64le.whl", hash = "sha256:41a89040cb10bd345b3c1a873b2bf36413d48da1def52f268a055f7398514874", size = 262739, upload-time = "2025-10-08T19:47:42.51Z" }, - { url = "https://files.pythonhosted.org/packages/2a/42/26746ab087faa77c1c68079b228810436ccd9a5ce9ac85e2b7307195fd06/propcache-0.4.1-cp313-cp313t-musllinux_1_2_s390x.whl", hash = "sha256:e35b88984e7fa64aacecea39236cee32dd9bd8c55f57ba8a75cf2399553f9bd7", size = 263514, upload-time = "2025-10-08T19:47:43.927Z" }, - { url = "https://files.pythonhosted.org/packages/94/13/630690fe201f5502d2403dd3cfd451ed8858fe3c738ee88d095ad2ff407b/propcache-0.4.1-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:6f8b465489f927b0df505cbe26ffbeed4d6d8a2bbc61ce90eb074ff129ef0ab1", size = 257781, upload-time = "2025-10-08T19:47:45.448Z" }, - { url = "https://files.pythonhosted.org/packages/92/f7/1d4ec5841505f423469efbfc381d64b7b467438cd5a4bbcbb063f3b73d27/propcache-0.4.1-cp313-cp313t-win32.whl", hash = "sha256:2ad890caa1d928c7c2965b48f3a3815c853180831d0e5503d35cf00c472f4717", size = 41396, upload-time = "2025-10-08T19:47:47.202Z" }, - { url = "https://files.pythonhosted.org/packages/48/f0/615c30622316496d2cbbc29f5985f7777d3ada70f23370608c1d3e081c1f/propcache-0.4.1-cp313-cp313t-win_amd64.whl", hash = "sha256:f7ee0e597f495cf415bcbd3da3caa3bd7e816b74d0d52b8145954c5e6fd3ff37", size = 44897, upload-time = "2025-10-08T19:47:48.336Z" }, - { url = "https://files.pythonhosted.org/packages/fd/ca/6002e46eccbe0e33dcd4069ef32f7f1c9e243736e07adca37ae8c4830ec3/propcache-0.4.1-cp313-cp313t-win_arm64.whl", hash = "sha256:929d7cbe1f01bb7baffb33dc14eb5691c95831450a26354cd210a8155170c93a", size = 39789, upload-time = "2025-10-08T19:47:49.876Z" }, - { url = "https://files.pythonhosted.org/packages/8e/5c/bca52d654a896f831b8256683457ceddd490ec18d9ec50e97dfd8fc726a8/propcache-0.4.1-cp314-cp314-macosx_10_13_universal2.whl", hash = "sha256:3f7124c9d820ba5548d431afb4632301acf965db49e666aa21c305cbe8c6de12", size = 78152, upload-time = "2025-10-08T19:47:51.051Z" }, - { url = "https://files.pythonhosted.org/packages/65/9b/03b04e7d82a5f54fb16113d839f5ea1ede58a61e90edf515f6577c66fa8f/propcache-0.4.1-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:c0d4b719b7da33599dfe3b22d3db1ef789210a0597bc650b7cee9c77c2be8c5c", size = 44869, upload-time = "2025-10-08T19:47:52.594Z" }, - { url = "https://files.pythonhosted.org/packages/b2/fa/89a8ef0468d5833a23fff277b143d0573897cf75bd56670a6d28126c7d68/propcache-0.4.1-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:9f302f4783709a78240ebc311b793f123328716a60911d667e0c036bc5dcbded", size = 46596, upload-time = "2025-10-08T19:47:54.073Z" }, - { url = "https://files.pythonhosted.org/packages/86/bd/47816020d337f4a746edc42fe8d53669965138f39ee117414c7d7a340cfe/propcache-0.4.1-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:c80ee5802e3fb9ea37938e7eecc307fb984837091d5fd262bb37238b1ae97641", size = 206981, upload-time = "2025-10-08T19:47:55.715Z" }, - { url = "https://files.pythonhosted.org/packages/df/f6/c5fa1357cc9748510ee55f37173eb31bfde6d94e98ccd9e6f033f2fc06e1/propcache-0.4.1-cp314-cp314-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:ed5a841e8bb29a55fb8159ed526b26adc5bdd7e8bd7bf793ce647cb08656cdf4", size = 211490, upload-time = "2025-10-08T19:47:57.499Z" }, - { url = "https://files.pythonhosted.org/packages/80/1e/e5889652a7c4a3846683401a48f0f2e5083ce0ec1a8a5221d8058fbd1adf/propcache-0.4.1-cp314-cp314-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:55c72fd6ea2da4c318e74ffdf93c4fe4e926051133657459131a95c846d16d44", size = 215371, upload-time = "2025-10-08T19:47:59.317Z" }, - { url = "https://files.pythonhosted.org/packages/b2/f2/889ad4b2408f72fe1a4f6a19491177b30ea7bf1a0fd5f17050ca08cfc882/propcache-0.4.1-cp314-cp314-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:8326e144341460402713f91df60ade3c999d601e7eb5ff8f6f7862d54de0610d", size = 201424, upload-time = "2025-10-08T19:48:00.67Z" }, - { url = "https://files.pythonhosted.org/packages/27/73/033d63069b57b0812c8bd19f311faebeceb6ba31b8f32b73432d12a0b826/propcache-0.4.1-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:060b16ae65bc098da7f6d25bf359f1f31f688384858204fe5d652979e0015e5b", size = 197566, upload-time = "2025-10-08T19:48:02.604Z" }, - { url = "https://files.pythonhosted.org/packages/dc/89/ce24f3dc182630b4e07aa6d15f0ff4b14ed4b9955fae95a0b54c58d66c05/propcache-0.4.1-cp314-cp314-musllinux_1_2_armv7l.whl", hash = "sha256:89eb3fa9524f7bec9de6e83cf3faed9d79bffa560672c118a96a171a6f55831e", size = 193130, upload-time = "2025-10-08T19:48:04.499Z" }, - { url = "https://files.pythonhosted.org/packages/a9/24/ef0d5fd1a811fb5c609278d0209c9f10c35f20581fcc16f818da959fc5b4/propcache-0.4.1-cp314-cp314-musllinux_1_2_ppc64le.whl", hash = "sha256:dee69d7015dc235f526fe80a9c90d65eb0039103fe565776250881731f06349f", size = 202625, upload-time = "2025-10-08T19:48:06.213Z" }, - { url = "https://files.pythonhosted.org/packages/f5/02/98ec20ff5546f68d673df2f7a69e8c0d076b5abd05ca882dc7ee3a83653d/propcache-0.4.1-cp314-cp314-musllinux_1_2_s390x.whl", hash = "sha256:5558992a00dfd54ccbc64a32726a3357ec93825a418a401f5cc67df0ac5d9e49", size = 204209, upload-time = "2025-10-08T19:48:08.432Z" }, - { url = "https://files.pythonhosted.org/packages/a0/87/492694f76759b15f0467a2a93ab68d32859672b646aa8a04ce4864e7932d/propcache-0.4.1-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:c9b822a577f560fbd9554812526831712c1436d2c046cedee4c3796d3543b144", size = 197797, upload-time = "2025-10-08T19:48:09.968Z" }, - { url = "https://files.pythonhosted.org/packages/ee/36/66367de3575db1d2d3f3d177432bd14ee577a39d3f5d1b3d5df8afe3b6e2/propcache-0.4.1-cp314-cp314-win32.whl", hash = "sha256:ab4c29b49d560fe48b696cdcb127dd36e0bc2472548f3bf56cc5cb3da2b2984f", size = 38140, upload-time = "2025-10-08T19:48:11.232Z" }, - { url = "https://files.pythonhosted.org/packages/0c/2a/a758b47de253636e1b8aef181c0b4f4f204bf0dd964914fb2af90a95b49b/propcache-0.4.1-cp314-cp314-win_amd64.whl", hash = "sha256:5a103c3eb905fcea0ab98be99c3a9a5ab2de60228aa5aceedc614c0281cf6153", size = 41257, upload-time = "2025-10-08T19:48:12.707Z" }, - { url = "https://files.pythonhosted.org/packages/34/5e/63bd5896c3fec12edcbd6f12508d4890d23c265df28c74b175e1ef9f4f3b/propcache-0.4.1-cp314-cp314-win_arm64.whl", hash = "sha256:74c1fb26515153e482e00177a1ad654721bf9207da8a494a0c05e797ad27b992", size = 38097, upload-time = "2025-10-08T19:48:13.923Z" }, - { url = "https://files.pythonhosted.org/packages/99/85/9ff785d787ccf9bbb3f3106f79884a130951436f58392000231b4c737c80/propcache-0.4.1-cp314-cp314t-macosx_10_13_universal2.whl", hash = "sha256:824e908bce90fb2743bd6b59db36eb4f45cd350a39637c9f73b1c1ea66f5b75f", size = 81455, upload-time = "2025-10-08T19:48:15.16Z" }, - { url = "https://files.pythonhosted.org/packages/90/85/2431c10c8e7ddb1445c1f7c4b54d886e8ad20e3c6307e7218f05922cad67/propcache-0.4.1-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:c2b5e7db5328427c57c8e8831abda175421b709672f6cfc3d630c3b7e2146393", size = 46372, upload-time = "2025-10-08T19:48:16.424Z" }, - { url = "https://files.pythonhosted.org/packages/01/20/b0972d902472da9bcb683fa595099911f4d2e86e5683bcc45de60dd05dc3/propcache-0.4.1-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:6f6ff873ed40292cd4969ef5310179afd5db59fdf055897e282485043fc80ad0", size = 48411, upload-time = "2025-10-08T19:48:17.577Z" }, - { url = "https://files.pythonhosted.org/packages/e2/e3/7dc89f4f21e8f99bad3d5ddb3a3389afcf9da4ac69e3deb2dcdc96e74169/propcache-0.4.1-cp314-cp314t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:49a2dc67c154db2c1463013594c458881a069fcf98940e61a0569016a583020a", size = 275712, upload-time = "2025-10-08T19:48:18.901Z" }, - { url = "https://files.pythonhosted.org/packages/20/67/89800c8352489b21a8047c773067644e3897f02ecbbd610f4d46b7f08612/propcache-0.4.1-cp314-cp314t-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:005f08e6a0529984491e37d8dbc3dd86f84bd78a8ceb5fa9a021f4c48d4984be", size = 273557, upload-time = "2025-10-08T19:48:20.762Z" }, - { url = "https://files.pythonhosted.org/packages/e2/a1/b52b055c766a54ce6d9c16d9aca0cad8059acd9637cdf8aa0222f4a026ef/propcache-0.4.1-cp314-cp314t-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:5c3310452e0d31390da9035c348633b43d7e7feb2e37be252be6da45abd1abcc", size = 280015, upload-time = "2025-10-08T19:48:22.592Z" }, - { url = "https://files.pythonhosted.org/packages/48/c8/33cee30bd890672c63743049f3c9e4be087e6780906bfc3ec58528be59c1/propcache-0.4.1-cp314-cp314t-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:4c3c70630930447f9ef1caac7728c8ad1c56bc5015338b20fed0d08ea2480b3a", size = 262880, upload-time = "2025-10-08T19:48:23.947Z" }, - { url = "https://files.pythonhosted.org/packages/0c/b1/8f08a143b204b418285c88b83d00edbd61afbc2c6415ffafc8905da7038b/propcache-0.4.1-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:8e57061305815dfc910a3634dcf584f08168a8836e6999983569f51a8544cd89", size = 260938, upload-time = "2025-10-08T19:48:25.656Z" }, - { url = "https://files.pythonhosted.org/packages/cf/12/96e4664c82ca2f31e1c8dff86afb867348979eb78d3cb8546a680287a1e9/propcache-0.4.1-cp314-cp314t-musllinux_1_2_armv7l.whl", hash = "sha256:521a463429ef54143092c11a77e04056dd00636f72e8c45b70aaa3140d639726", size = 247641, upload-time = "2025-10-08T19:48:27.207Z" }, - { url = "https://files.pythonhosted.org/packages/18/ed/e7a9cfca28133386ba52278136d42209d3125db08d0a6395f0cba0c0285c/propcache-0.4.1-cp314-cp314t-musllinux_1_2_ppc64le.whl", hash = "sha256:120c964da3fdc75e3731aa392527136d4ad35868cc556fd09bb6d09172d9a367", size = 262510, upload-time = "2025-10-08T19:48:28.65Z" }, - { url = "https://files.pythonhosted.org/packages/f5/76/16d8bf65e8845dd62b4e2b57444ab81f07f40caa5652b8969b87ddcf2ef6/propcache-0.4.1-cp314-cp314t-musllinux_1_2_s390x.whl", hash = "sha256:d8f353eb14ee3441ee844ade4277d560cdd68288838673273b978e3d6d2c8f36", size = 263161, upload-time = "2025-10-08T19:48:30.133Z" }, - { url = "https://files.pythonhosted.org/packages/e7/70/c99e9edb5d91d5ad8a49fa3c1e8285ba64f1476782fed10ab251ff413ba1/propcache-0.4.1-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:ab2943be7c652f09638800905ee1bab2c544e537edb57d527997a24c13dc1455", size = 257393, upload-time = "2025-10-08T19:48:31.567Z" }, - { url = "https://files.pythonhosted.org/packages/08/02/87b25304249a35c0915d236575bc3574a323f60b47939a2262b77632a3ee/propcache-0.4.1-cp314-cp314t-win32.whl", hash = "sha256:05674a162469f31358c30bcaa8883cb7829fa3110bf9c0991fe27d7896c42d85", size = 42546, upload-time = "2025-10-08T19:48:32.872Z" }, - { url = "https://files.pythonhosted.org/packages/cb/ef/3c6ecf8b317aa982f309835e8f96987466123c6e596646d4e6a1dfcd080f/propcache-0.4.1-cp314-cp314t-win_amd64.whl", hash = "sha256:990f6b3e2a27d683cb7602ed6c86f15ee6b43b1194736f9baaeb93d0016633b1", size = 46259, upload-time = "2025-10-08T19:48:34.226Z" }, - { url = "https://files.pythonhosted.org/packages/c4/2d/346e946d4951f37eca1e4f55be0f0174c52cd70720f84029b02f296f4a38/propcache-0.4.1-cp314-cp314t-win_arm64.whl", hash = "sha256:ecef2343af4cc68e05131e45024ba34f6095821988a9d0a02aa7c73fcc448aa9", size = 40428, upload-time = "2025-10-08T19:48:35.441Z" }, - { url = "https://files.pythonhosted.org/packages/5b/5a/bc7b4a4ef808fa59a816c17b20c4bef6884daebbdf627ff2a161da67da19/propcache-0.4.1-py3-none-any.whl", hash = "sha256:af2a6052aeb6cf17d3e46ee169099044fd8224cbaf75c76a2ef596e8163e2237", size = 13305, upload-time = "2025-10-08T19:49:00.792Z" }, -] - -[[package]] -name = "protobuf" -version = "6.33.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/19/ff/64a6c8f420818bb873713988ca5492cba3a7946be57e027ac63495157d97/protobuf-6.33.0.tar.gz", hash = "sha256:140303d5c8d2037730c548f8c7b93b20bb1dc301be280c378b82b8894589c954", size = 443463, upload-time = "2025-10-15T20:39:52.159Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/7e/ee/52b3fa8feb6db4a833dfea4943e175ce645144532e8a90f72571ad85df4e/protobuf-6.33.0-cp310-abi3-win32.whl", hash = "sha256:d6101ded078042a8f17959eccd9236fb7a9ca20d3b0098bbcb91533a5680d035", size = 425593, upload-time = "2025-10-15T20:39:40.29Z" }, - { url = "https://files.pythonhosted.org/packages/7b/c6/7a465f1825872c55e0341ff4a80198743f73b69ce5d43ab18043699d1d81/protobuf-6.33.0-cp310-abi3-win_amd64.whl", hash = "sha256:9a031d10f703f03768f2743a1c403af050b6ae1f3480e9c140f39c45f81b13ee", size = 436882, upload-time = "2025-10-15T20:39:42.841Z" }, - { url = "https://files.pythonhosted.org/packages/e1/a9/b6eee662a6951b9c3640e8e452ab3e09f117d99fc10baa32d1581a0d4099/protobuf-6.33.0-cp39-abi3-macosx_10_9_universal2.whl", hash = "sha256:905b07a65f1a4b72412314082c7dbfae91a9e8b68a0cc1577515f8df58ecf455", size = 427521, upload-time = "2025-10-15T20:39:43.803Z" }, - { url = "https://files.pythonhosted.org/packages/10/35/16d31e0f92c6d2f0e77c2a3ba93185130ea13053dd16200a57434c882f2b/protobuf-6.33.0-cp39-abi3-manylinux2014_aarch64.whl", hash = "sha256:e0697ece353e6239b90ee43a9231318302ad8353c70e6e45499fa52396debf90", size = 324445, upload-time = "2025-10-15T20:39:44.932Z" }, - { url = "https://files.pythonhosted.org/packages/e6/eb/2a981a13e35cda8b75b5585aaffae2eb904f8f351bdd3870769692acbd8a/protobuf-6.33.0-cp39-abi3-manylinux2014_s390x.whl", hash = "sha256:e0a1715e4f27355afd9570f3ea369735afc853a6c3951a6afe1f80d8569ad298", size = 339159, upload-time = "2025-10-15T20:39:46.186Z" }, - { url = "https://files.pythonhosted.org/packages/21/51/0b1cbad62074439b867b4e04cc09b93f6699d78fd191bed2bbb44562e077/protobuf-6.33.0-cp39-abi3-manylinux2014_x86_64.whl", hash = "sha256:35be49fd3f4fefa4e6e2aacc35e8b837d6703c37a2168a55ac21e9b1bc7559ef", size = 323172, upload-time = "2025-10-15T20:39:47.465Z" }, - { url = "https://files.pythonhosted.org/packages/07/d1/0a28c21707807c6aacd5dc9c3704b2aa1effbf37adebd8caeaf68b17a636/protobuf-6.33.0-py3-none-any.whl", hash = "sha256:25c9e1963c6734448ea2d308cfa610e692b801304ba0908d7bfa564ac5132995", size = 170477, upload-time = "2025-10-15T20:39:51.311Z" }, -] - -[[package]] -name = "psutil" -version = "7.1.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/cd/ec/7b8e6b9b1d22708138630ef34c53ab2b61032c04f16adfdbb96791c8c70c/psutil-7.1.2.tar.gz", hash = "sha256:aa225cdde1335ff9684708ee8c72650f6598d5ed2114b9a7c5802030b1785018", size = 487424, upload-time = "2025-10-25T10:46:34.931Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/b8/d9/b56cc9f883140ac10021a8c9b0f4e16eed1ba675c22513cdcbce3ba64014/psutil-7.1.2-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:0cc5c6889b9871f231ed5455a9a02149e388fffcb30b607fb7a8896a6d95f22e", size = 238575, upload-time = "2025-10-25T10:46:38.728Z" }, - { url = "https://files.pythonhosted.org/packages/36/eb/28d22de383888deb252c818622196e709da98816e296ef95afda33f1c0a2/psutil-7.1.2-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:8e9e77a977208d84aa363a4a12e0f72189d58bbf4e46b49aae29a2c6e93ef206", size = 239297, upload-time = "2025-10-25T10:46:41.347Z" }, - { url = "https://files.pythonhosted.org/packages/89/5d/220039e2f28cc129626e54d63892ab05c0d56a29818bfe7268dcb5008932/psutil-7.1.2-cp313-cp313t-manylinux2010_x86_64.manylinux_2_12_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:7d9623a5e4164d2220ecceb071f4b333b3c78866141e8887c072129185f41278", size = 280420, upload-time = "2025-10-25T10:46:44.122Z" }, - { url = "https://files.pythonhosted.org/packages/ba/7a/286f0e1c167445b2ef4a6cbdfc8c59fdb45a5a493788950cf8467201dc73/psutil-7.1.2-cp313-cp313t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:364b1c10fe4ed59c89ec49e5f1a70da353b27986fa8233b4b999df4742a5ee2f", size = 283049, upload-time = "2025-10-25T10:46:47.095Z" }, - { url = "https://files.pythonhosted.org/packages/aa/cc/7eb93260794a42e39b976f3a4dde89725800b9f573b014fac142002a5c98/psutil-7.1.2-cp313-cp313t-win_amd64.whl", hash = "sha256:f101ef84de7e05d41310e3ccbdd65a6dd1d9eed85e8aaf0758405d022308e204", size = 248713, upload-time = "2025-10-25T10:46:49.573Z" }, - { url = "https://files.pythonhosted.org/packages/ab/1a/0681a92b53366e01f0a099f5237d0c8a2f79d322ac589cccde5e30c8a4e2/psutil-7.1.2-cp313-cp313t-win_arm64.whl", hash = "sha256:20c00824048a95de67f00afedc7b08b282aa08638585b0206a9fb51f28f1a165", size = 244644, upload-time = "2025-10-25T10:46:51.924Z" }, - { url = "https://files.pythonhosted.org/packages/56/9e/f1c5c746b4ed5320952acd3002d3962fe36f30524c00ea79fdf954cc6779/psutil-7.1.2-cp314-cp314t-macosx_10_15_x86_64.whl", hash = "sha256:e09cfe92aa8e22b1ec5e2d394820cf86c5dff6367ac3242366485dfa874d43bc", size = 238640, upload-time = "2025-10-25T10:46:54.089Z" }, - { url = "https://files.pythonhosted.org/packages/32/ee/fd26216a735395cc25c3899634e34aeb41fb1f3dbb44acc67d9e594be562/psutil-7.1.2-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:fa6342cf859c48b19df3e4aa170e4cfb64aadc50b11e06bb569c6c777b089c9e", size = 239303, upload-time = "2025-10-25T10:46:56.932Z" }, - { url = "https://files.pythonhosted.org/packages/3c/cd/7d96eaec4ef7742b845a9ce2759a2769ecce4ab7a99133da24abacbc9e41/psutil-7.1.2-cp314-cp314t-manylinux2010_x86_64.manylinux_2_12_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:625977443498ee7d6c1e63e93bacca893fd759a66c5f635d05e05811d23fb5ee", size = 281717, upload-time = "2025-10-25T10:46:59.116Z" }, - { url = "https://files.pythonhosted.org/packages/bc/1a/7f0b84bdb067d35fe7fade5fff888408688caf989806ce2d6dae08c72dd5/psutil-7.1.2-cp314-cp314t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:4a24bcd7b7f2918d934af0fb91859f621b873d6aa81267575e3655cd387572a7", size = 284575, upload-time = "2025-10-25T10:47:00.944Z" }, - { url = "https://files.pythonhosted.org/packages/de/05/7820ef8f7b275268917e0c750eada5834581206d9024ca88edce93c4b762/psutil-7.1.2-cp314-cp314t-win_amd64.whl", hash = "sha256:329f05610da6380982e6078b9d0881d9ab1e9a7eb7c02d833bfb7340aa634e31", size = 249491, upload-time = "2025-10-25T10:47:03.174Z" }, - { url = "https://files.pythonhosted.org/packages/db/9a/58de399c7cb58489f08498459ff096cd76b3f1ddc4f224ec2c5ef729c7d0/psutil-7.1.2-cp314-cp314t-win_arm64.whl", hash = "sha256:7b04c29e3c0c888e83ed4762b70f31e65c42673ea956cefa8ced0e31e185f582", size = 244880, upload-time = "2025-10-25T10:47:05.228Z" }, - { url = "https://files.pythonhosted.org/packages/ae/89/b9f8d47ddbc52d7301fc868e8224e5f44ed3c7f55e6d0f54ecaf5dd9ff5e/psutil-7.1.2-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:c9ba5c19f2d46203ee8c152c7b01df6eec87d883cfd8ee1af2ef2727f6b0f814", size = 237244, upload-time = "2025-10-25T10:47:07.086Z" }, - { url = "https://files.pythonhosted.org/packages/c8/7a/8628c2f6b240680a67d73d8742bb9ff39b1820a693740e43096d5dcb01e5/psutil-7.1.2-cp36-abi3-macosx_11_0_arm64.whl", hash = "sha256:2a486030d2fe81bec023f703d3d155f4823a10a47c36784c84f1cc7f8d39bedb", size = 238101, upload-time = "2025-10-25T10:47:09.523Z" }, - { url = "https://files.pythonhosted.org/packages/30/28/5e27f4d5a0e347f8e3cc16cd7d35533dbce086c95807f1f0e9cd77e26c10/psutil-7.1.2-cp36-abi3-manylinux2010_x86_64.manylinux_2_12_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:3efd8fc791492e7808a51cb2b94889db7578bfaea22df931424f874468e389e3", size = 258675, upload-time = "2025-10-25T10:47:11.082Z" }, - { url = "https://files.pythonhosted.org/packages/e5/5c/79cf60c9acf36d087f0db0f82066fca4a780e97e5b3a2e4c38209c03d170/psutil-7.1.2-cp36-abi3-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:e2aeb9b64f481b8eabfc633bd39e0016d4d8bbcd590d984af764d80bf0851b8a", size = 260203, upload-time = "2025-10-25T10:47:13.226Z" }, - { url = "https://files.pythonhosted.org/packages/f7/03/0a464404c51685dcb9329fdd660b1721e076ccd7b3d97dee066bcc9ffb15/psutil-7.1.2-cp37-abi3-win_amd64.whl", hash = "sha256:8e17852114c4e7996fe9da4745c2bdef001ebbf2f260dec406290e66628bdb91", size = 246714, upload-time = "2025-10-25T10:47:15.093Z" }, - { url = "https://files.pythonhosted.org/packages/6a/32/97ca2090f2f1b45b01b6aa7ae161cfe50671de097311975ca6eea3e7aabc/psutil-7.1.2-cp37-abi3-win_arm64.whl", hash = "sha256:3e988455e61c240cc879cb62a008c2699231bf3e3d061d7fce4234463fd2abb4", size = 243742, upload-time = "2025-10-25T10:47:17.302Z" }, -] - -[[package]] -name = "ptyprocess" -version = "0.7.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/20/e5/16ff212c1e452235a90aeb09066144d0c5a6a8c0834397e03f5224495c4e/ptyprocess-0.7.0.tar.gz", hash = "sha256:5c5d0a3b48ceee0b48485e0c26037c0acd7d29765ca3fbb5cb3831d347423220", size = 70762, upload-time = "2020-12-28T15:15:30.155Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/22/a6/858897256d0deac81a172289110f31629fc4cee19b6f01283303e18c8db3/ptyprocess-0.7.0-py2.py3-none-any.whl", hash = "sha256:4b41f3967fce3af57cc7e94b888626c18bf37a083e3651ca8feeb66d492fef35", size = 13993, upload-time = "2020-12-28T15:15:28.35Z" }, -] - -[[package]] -name = "pure-eval" -version = "0.2.3" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/cd/05/0a34433a064256a578f1783a10da6df098ceaa4a57bbeaa96a6c0352786b/pure_eval-0.2.3.tar.gz", hash = "sha256:5f4e983f40564c576c7c8635ae88db5956bb2229d7e9237d03b3c0b0190eaf42", size = 19752, upload-time = "2024-07-21T12:58:21.801Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/8e/37/efad0257dc6e593a18957422533ff0f87ede7c9c6ea010a2177d738fb82f/pure_eval-0.2.3-py3-none-any.whl", hash = "sha256:1db8e35b67b3d218d818ae653e27f06c3aa420901fa7b081ca98cbedc874e0d0", size = 11842, upload-time = "2024-07-21T12:58:20.04Z" }, -] - -[[package]] -name = "pyarrow" -version = "21.0.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/ef/c2/ea068b8f00905c06329a3dfcd40d0fcc2b7d0f2e355bdb25b65e0a0e4cd4/pyarrow-21.0.0.tar.gz", hash = "sha256:5051f2dccf0e283ff56335760cbc8622cf52264d67e359d5569541ac11b6d5bc", size = 1133487, upload-time = "2025-07-18T00:57:31.761Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/17/d9/110de31880016e2afc52d8580b397dbe47615defbf09ca8cf55f56c62165/pyarrow-21.0.0-cp310-cp310-macosx_12_0_arm64.whl", hash = "sha256:e563271e2c5ff4d4a4cbeb2c83d5cf0d4938b891518e676025f7268c6fe5fe26", size = 31196837, upload-time = "2025-07-18T00:54:34.755Z" }, - { url = "https://files.pythonhosted.org/packages/df/5f/c1c1997613abf24fceb087e79432d24c19bc6f7259cab57c2c8e5e545fab/pyarrow-21.0.0-cp310-cp310-macosx_12_0_x86_64.whl", hash = "sha256:fee33b0ca46f4c85443d6c450357101e47d53e6c3f008d658c27a2d020d44c79", size = 32659470, upload-time = "2025-07-18T00:54:38.329Z" }, - { url = "https://files.pythonhosted.org/packages/3e/ed/b1589a777816ee33ba123ba1e4f8f02243a844fed0deec97bde9fb21a5cf/pyarrow-21.0.0-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:7be45519b830f7c24b21d630a31d48bcebfd5d4d7f9d3bdb49da9cdf6d764edb", size = 41055619, upload-time = "2025-07-18T00:54:42.172Z" }, - { url = "https://files.pythonhosted.org/packages/44/28/b6672962639e85dc0ac36f71ab3a8f5f38e01b51343d7aa372a6b56fa3f3/pyarrow-21.0.0-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:26bfd95f6bff443ceae63c65dc7e048670b7e98bc892210acba7e4995d3d4b51", size = 42733488, upload-time = "2025-07-18T00:54:47.132Z" }, - { url = "https://files.pythonhosted.org/packages/f8/cc/de02c3614874b9089c94eac093f90ca5dfa6d5afe45de3ba847fd950fdf1/pyarrow-21.0.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:bd04ec08f7f8bd113c55868bd3fc442a9db67c27af098c5f814a3091e71cc61a", size = 43329159, upload-time = "2025-07-18T00:54:51.686Z" }, - { url = "https://files.pythonhosted.org/packages/a6/3e/99473332ac40278f196e105ce30b79ab8affab12f6194802f2593d6b0be2/pyarrow-21.0.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:9b0b14b49ac10654332a805aedfc0147fb3469cbf8ea951b3d040dab12372594", size = 45050567, upload-time = "2025-07-18T00:54:56.679Z" }, - { url = "https://files.pythonhosted.org/packages/7b/f5/c372ef60593d713e8bfbb7e0c743501605f0ad00719146dc075faf11172b/pyarrow-21.0.0-cp310-cp310-win_amd64.whl", hash = "sha256:9d9f8bcb4c3be7738add259738abdeddc363de1b80e3310e04067aa1ca596634", size = 26217959, upload-time = "2025-07-18T00:55:00.482Z" }, - { url = "https://files.pythonhosted.org/packages/94/dc/80564a3071a57c20b7c32575e4a0120e8a330ef487c319b122942d665960/pyarrow-21.0.0-cp311-cp311-macosx_12_0_arm64.whl", hash = "sha256:c077f48aab61738c237802836fc3844f85409a46015635198761b0d6a688f87b", size = 31243234, upload-time = "2025-07-18T00:55:03.812Z" }, - { url = "https://files.pythonhosted.org/packages/ea/cc/3b51cb2db26fe535d14f74cab4c79b191ed9a8cd4cbba45e2379b5ca2746/pyarrow-21.0.0-cp311-cp311-macosx_12_0_x86_64.whl", hash = "sha256:689f448066781856237eca8d1975b98cace19b8dd2ab6145bf49475478bcaa10", size = 32714370, upload-time = "2025-07-18T00:55:07.495Z" }, - { url = "https://files.pythonhosted.org/packages/24/11/a4431f36d5ad7d83b87146f515c063e4d07ef0b7240876ddb885e6b44f2e/pyarrow-21.0.0-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:479ee41399fcddc46159a551705b89c05f11e8b8cb8e968f7fec64f62d91985e", size = 41135424, upload-time = "2025-07-18T00:55:11.461Z" }, - { url = "https://files.pythonhosted.org/packages/74/dc/035d54638fc5d2971cbf1e987ccd45f1091c83bcf747281cf6cc25e72c88/pyarrow-21.0.0-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:40ebfcb54a4f11bcde86bc586cbd0272bac0d516cfa539c799c2453768477569", size = 42823810, upload-time = "2025-07-18T00:55:16.301Z" }, - { url = "https://files.pythonhosted.org/packages/2e/3b/89fced102448a9e3e0d4dded1f37fa3ce4700f02cdb8665457fcc8015f5b/pyarrow-21.0.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:8d58d8497814274d3d20214fbb24abcad2f7e351474357d552a8d53bce70c70e", size = 43391538, upload-time = "2025-07-18T00:55:23.82Z" }, - { url = "https://files.pythonhosted.org/packages/fb/bb/ea7f1bd08978d39debd3b23611c293f64a642557e8141c80635d501e6d53/pyarrow-21.0.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:585e7224f21124dd57836b1530ac8f2df2afc43c861d7bf3d58a4870c42ae36c", size = 45120056, upload-time = "2025-07-18T00:55:28.231Z" }, - { url = "https://files.pythonhosted.org/packages/6e/0b/77ea0600009842b30ceebc3337639a7380cd946061b620ac1a2f3cb541e2/pyarrow-21.0.0-cp311-cp311-win_amd64.whl", hash = "sha256:555ca6935b2cbca2c0e932bedd853e9bc523098c39636de9ad4693b5b1df86d6", size = 26220568, upload-time = "2025-07-18T00:55:32.122Z" }, - { url = "https://files.pythonhosted.org/packages/ca/d4/d4f817b21aacc30195cf6a46ba041dd1be827efa4a623cc8bf39a1c2a0c0/pyarrow-21.0.0-cp312-cp312-macosx_12_0_arm64.whl", hash = "sha256:3a302f0e0963db37e0a24a70c56cf91a4faa0bca51c23812279ca2e23481fccd", size = 31160305, upload-time = "2025-07-18T00:55:35.373Z" }, - { url = "https://files.pythonhosted.org/packages/a2/9c/dcd38ce6e4b4d9a19e1d36914cb8e2b1da4e6003dd075474c4cfcdfe0601/pyarrow-21.0.0-cp312-cp312-macosx_12_0_x86_64.whl", hash = "sha256:b6b27cf01e243871390474a211a7922bfbe3bda21e39bc9160daf0da3fe48876", size = 32684264, upload-time = "2025-07-18T00:55:39.303Z" }, - { url = "https://files.pythonhosted.org/packages/4f/74/2a2d9f8d7a59b639523454bec12dba35ae3d0a07d8ab529dc0809f74b23c/pyarrow-21.0.0-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:e72a8ec6b868e258a2cd2672d91f2860ad532d590ce94cdf7d5e7ec674ccf03d", size = 41108099, upload-time = "2025-07-18T00:55:42.889Z" }, - { url = "https://files.pythonhosted.org/packages/ad/90/2660332eeb31303c13b653ea566a9918484b6e4d6b9d2d46879a33ab0622/pyarrow-21.0.0-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:b7ae0bbdc8c6674259b25bef5d2a1d6af5d39d7200c819cf99e07f7dfef1c51e", size = 42829529, upload-time = "2025-07-18T00:55:47.069Z" }, - { url = "https://files.pythonhosted.org/packages/33/27/1a93a25c92717f6aa0fca06eb4700860577d016cd3ae51aad0e0488ac899/pyarrow-21.0.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:58c30a1729f82d201627c173d91bd431db88ea74dcaa3885855bc6203e433b82", size = 43367883, upload-time = "2025-07-18T00:55:53.069Z" }, - { url = "https://files.pythonhosted.org/packages/05/d9/4d09d919f35d599bc05c6950095e358c3e15148ead26292dfca1fb659b0c/pyarrow-21.0.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:072116f65604b822a7f22945a7a6e581cfa28e3454fdcc6939d4ff6090126623", size = 45133802, upload-time = "2025-07-18T00:55:57.714Z" }, - { url = "https://files.pythonhosted.org/packages/71/30/f3795b6e192c3ab881325ffe172e526499eb3780e306a15103a2764916a2/pyarrow-21.0.0-cp312-cp312-win_amd64.whl", hash = "sha256:cf56ec8b0a5c8c9d7021d6fd754e688104f9ebebf1bf4449613c9531f5346a18", size = 26203175, upload-time = "2025-07-18T00:56:01.364Z" }, - { url = "https://files.pythonhosted.org/packages/16/ca/c7eaa8e62db8fb37ce942b1ea0c6d7abfe3786ca193957afa25e71b81b66/pyarrow-21.0.0-cp313-cp313-macosx_12_0_arm64.whl", hash = "sha256:e99310a4ebd4479bcd1964dff9e14af33746300cb014aa4a3781738ac63baf4a", size = 31154306, upload-time = "2025-07-18T00:56:04.42Z" }, - { url = "https://files.pythonhosted.org/packages/ce/e8/e87d9e3b2489302b3a1aea709aaca4b781c5252fcb812a17ab6275a9a484/pyarrow-21.0.0-cp313-cp313-macosx_12_0_x86_64.whl", hash = "sha256:d2fe8e7f3ce329a71b7ddd7498b3cfac0eeb200c2789bd840234f0dc271a8efe", size = 32680622, upload-time = "2025-07-18T00:56:07.505Z" }, - { url = "https://files.pythonhosted.org/packages/84/52/79095d73a742aa0aba370c7942b1b655f598069489ab387fe47261a849e1/pyarrow-21.0.0-cp313-cp313-manylinux_2_28_aarch64.whl", hash = "sha256:f522e5709379d72fb3da7785aa489ff0bb87448a9dc5a75f45763a795a089ebd", size = 41104094, upload-time = "2025-07-18T00:56:10.994Z" }, - { url = "https://files.pythonhosted.org/packages/89/4b/7782438b551dbb0468892a276b8c789b8bbdb25ea5c5eb27faadd753e037/pyarrow-21.0.0-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:69cbbdf0631396e9925e048cfa5bce4e8c3d3b41562bbd70c685a8eb53a91e61", size = 42825576, upload-time = "2025-07-18T00:56:15.569Z" }, - { url = "https://files.pythonhosted.org/packages/b3/62/0f29de6e0a1e33518dec92c65be0351d32d7ca351e51ec5f4f837a9aab91/pyarrow-21.0.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:731c7022587006b755d0bdb27626a1a3bb004bb56b11fb30d98b6c1b4718579d", size = 43368342, upload-time = "2025-07-18T00:56:19.531Z" }, - { url = "https://files.pythonhosted.org/packages/90/c7/0fa1f3f29cf75f339768cc698c8ad4ddd2481c1742e9741459911c9ac477/pyarrow-21.0.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:dc56bc708f2d8ac71bd1dcb927e458c93cec10b98eb4120206a4091db7b67b99", size = 45131218, upload-time = "2025-07-18T00:56:23.347Z" }, - { url = "https://files.pythonhosted.org/packages/01/63/581f2076465e67b23bc5a37d4a2abff8362d389d29d8105832e82c9c811c/pyarrow-21.0.0-cp313-cp313-win_amd64.whl", hash = "sha256:186aa00bca62139f75b7de8420f745f2af12941595bbbfa7ed3870ff63e25636", size = 26087551, upload-time = "2025-07-18T00:56:26.758Z" }, - { url = "https://files.pythonhosted.org/packages/c9/ab/357d0d9648bb8241ee7348e564f2479d206ebe6e1c47ac5027c2e31ecd39/pyarrow-21.0.0-cp313-cp313t-macosx_12_0_arm64.whl", hash = "sha256:a7a102574faa3f421141a64c10216e078df467ab9576684d5cd696952546e2da", size = 31290064, upload-time = "2025-07-18T00:56:30.214Z" }, - { url = "https://files.pythonhosted.org/packages/3f/8a/5685d62a990e4cac2043fc76b4661bf38d06efed55cf45a334b455bd2759/pyarrow-21.0.0-cp313-cp313t-macosx_12_0_x86_64.whl", hash = "sha256:1e005378c4a2c6db3ada3ad4c217b381f6c886f0a80d6a316fe586b90f77efd7", size = 32727837, upload-time = "2025-07-18T00:56:33.935Z" }, - { url = "https://files.pythonhosted.org/packages/fc/de/c0828ee09525c2bafefd3e736a248ebe764d07d0fd762d4f0929dbc516c9/pyarrow-21.0.0-cp313-cp313t-manylinux_2_28_aarch64.whl", hash = "sha256:65f8e85f79031449ec8706b74504a316805217b35b6099155dd7e227eef0d4b6", size = 41014158, upload-time = "2025-07-18T00:56:37.528Z" }, - { url = "https://files.pythonhosted.org/packages/6e/26/a2865c420c50b7a3748320b614f3484bfcde8347b2639b2b903b21ce6a72/pyarrow-21.0.0-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:3a81486adc665c7eb1a2bde0224cfca6ceaba344a82a971ef059678417880eb8", size = 42667885, upload-time = "2025-07-18T00:56:41.483Z" }, - { url = "https://files.pythonhosted.org/packages/0a/f9/4ee798dc902533159250fb4321267730bc0a107d8c6889e07c3add4fe3a5/pyarrow-21.0.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:fc0d2f88b81dcf3ccf9a6ae17f89183762c8a94a5bdcfa09e05cfe413acf0503", size = 43276625, upload-time = "2025-07-18T00:56:48.002Z" }, - { url = "https://files.pythonhosted.org/packages/5a/da/e02544d6997037a4b0d22d8e5f66bc9315c3671371a8b18c79ade1cefe14/pyarrow-21.0.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:6299449adf89df38537837487a4f8d3bd91ec94354fdd2a7d30bc11c48ef6e79", size = 44951890, upload-time = "2025-07-18T00:56:52.568Z" }, - { url = "https://files.pythonhosted.org/packages/e5/4e/519c1bc1876625fe6b71e9a28287c43ec2f20f73c658b9ae1d485c0c206e/pyarrow-21.0.0-cp313-cp313t-win_amd64.whl", hash = "sha256:222c39e2c70113543982c6b34f3077962b44fca38c0bd9e68bb6781534425c10", size = 26371006, upload-time = "2025-07-18T00:56:56.379Z" }, -] - -[[package]] -name = "pyasn1" -version = "0.6.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/ba/e9/01f1a64245b89f039897cb0130016d79f77d52669aae6ee7b159a6c4c018/pyasn1-0.6.1.tar.gz", hash = "sha256:6f580d2bdd84365380830acf45550f2511469f673cb4a5ae3857a3170128b034", size = 145322, upload-time = "2024-09-10T22:41:42.55Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/c8/f1/d6a797abb14f6283c0ddff96bbdd46937f64122b8c925cab503dd37f8214/pyasn1-0.6.1-py3-none-any.whl", hash = "sha256:0d632f46f2ba09143da3a8afe9e33fb6f92fa2320ab7e886e2d0f7672af84629", size = 83135, upload-time = "2024-09-11T16:00:36.122Z" }, -] - -[[package]] -name = "pyasn1-modules" -version = "0.4.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "pyasn1" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/e9/e6/78ebbb10a8c8e4b61a59249394a4a594c1a7af95593dc933a349c8d00964/pyasn1_modules-0.4.2.tar.gz", hash = "sha256:677091de870a80aae844b1ca6134f54652fa2c8c5a52aa396440ac3106e941e6", size = 307892, upload-time = "2025-03-28T02:41:22.17Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/47/8d/d529b5d697919ba8c11ad626e835d4039be708a35b0d22de83a269a6682c/pyasn1_modules-0.4.2-py3-none-any.whl", hash = "sha256:29253a9207ce32b64c3ac6600edc75368f98473906e8fd1043bd6b5b1de2c14a", size = 181259, upload-time = "2025-03-28T02:41:19.028Z" }, -] - -[[package]] -name = "pycparser" -version = "2.23" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/fe/cf/d2d3b9f5699fb1e4615c8e32ff220203e43b248e1dfcc6736ad9057731ca/pycparser-2.23.tar.gz", hash = "sha256:78816d4f24add8f10a06d6f05b4d424ad9e96cfebf68a4ddc99c65c0720d00c2", size = 173734, upload-time = "2025-09-09T13:23:47.91Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/a0/e3/59cd50310fc9b59512193629e1984c1f95e5c8ae6e5d8c69532ccc65a7fe/pycparser-2.23-py3-none-any.whl", hash = "sha256:e5c6e8d3fbad53479cab09ac03729e0a9faf2bee3db8208a550daf5af81a5934", size = 118140, upload-time = "2025-09-09T13:23:46.651Z" }, -] - -[[package]] -name = "pydantic" -version = "2.11.10" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "annotated-types" }, - { name = "pydantic-core" }, - { name = "typing-extensions" }, - { name = "typing-inspection" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/ae/54/ecab642b3bed45f7d5f59b38443dcb36ef50f85af192e6ece103dbfe9587/pydantic-2.11.10.tar.gz", hash = "sha256:dc280f0982fbda6c38fada4e476dc0a4f3aeaf9c6ad4c28df68a666ec3c61423", size = 788494, upload-time = "2025-10-04T10:40:41.338Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/bd/1f/73c53fcbfb0b5a78f91176df41945ca466e71e9d9d836e5c522abda39ee7/pydantic-2.11.10-py3-none-any.whl", hash = "sha256:802a655709d49bd004c31e865ef37da30b540786a46bfce02333e0e24b5fe29a", size = 444823, upload-time = "2025-10-04T10:40:39.055Z" }, -] - -[[package]] -name = "pydantic-core" -version = "2.33.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/ad/88/5f2260bdfae97aabf98f1778d43f69574390ad787afb646292a638c923d4/pydantic_core-2.33.2.tar.gz", hash = "sha256:7cb8bc3605c29176e1b105350d2e6474142d7c1bd1d9327c4a9bdb46bf827acc", size = 435195, upload-time = "2025-04-23T18:33:52.104Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e5/92/b31726561b5dae176c2d2c2dc43a9c5bfba5d32f96f8b4c0a600dd492447/pydantic_core-2.33.2-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:2b3d326aaef0c0399d9afffeb6367d5e26ddc24d351dbc9c636840ac355dc5d8", size = 2028817, upload-time = "2025-04-23T18:30:43.919Z" }, - { url = "https://files.pythonhosted.org/packages/a3/44/3f0b95fafdaca04a483c4e685fe437c6891001bf3ce8b2fded82b9ea3aa1/pydantic_core-2.33.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:0e5b2671f05ba48b94cb90ce55d8bdcaaedb8ba00cc5359f6810fc918713983d", size = 1861357, upload-time = "2025-04-23T18:30:46.372Z" }, - { url = "https://files.pythonhosted.org/packages/30/97/e8f13b55766234caae05372826e8e4b3b96e7b248be3157f53237682e43c/pydantic_core-2.33.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0069c9acc3f3981b9ff4cdfaf088e98d83440a4c7ea1bc07460af3d4dc22e72d", size = 1898011, upload-time = "2025-04-23T18:30:47.591Z" }, - { url = "https://files.pythonhosted.org/packages/9b/a3/99c48cf7bafc991cc3ee66fd544c0aae8dc907b752f1dad2d79b1b5a471f/pydantic_core-2.33.2-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:d53b22f2032c42eaaf025f7c40c2e3b94568ae077a606f006d206a463bc69572", size = 1982730, upload-time = "2025-04-23T18:30:49.328Z" }, - { url = "https://files.pythonhosted.org/packages/de/8e/a5b882ec4307010a840fb8b58bd9bf65d1840c92eae7534c7441709bf54b/pydantic_core-2.33.2-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:0405262705a123b7ce9f0b92f123334d67b70fd1f20a9372b907ce1080c7ba02", size = 2136178, upload-time = "2025-04-23T18:30:50.907Z" }, - { url = "https://files.pythonhosted.org/packages/e4/bb/71e35fc3ed05af6834e890edb75968e2802fe98778971ab5cba20a162315/pydantic_core-2.33.2-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:4b25d91e288e2c4e0662b8038a28c6a07eaac3e196cfc4ff69de4ea3db992a1b", size = 2736462, upload-time = "2025-04-23T18:30:52.083Z" }, - { url = "https://files.pythonhosted.org/packages/31/0d/c8f7593e6bc7066289bbc366f2235701dcbebcd1ff0ef8e64f6f239fb47d/pydantic_core-2.33.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6bdfe4b3789761f3bcb4b1ddf33355a71079858958e3a552f16d5af19768fef2", size = 2005652, upload-time = "2025-04-23T18:30:53.389Z" }, - { url = "https://files.pythonhosted.org/packages/d2/7a/996d8bd75f3eda405e3dd219ff5ff0a283cd8e34add39d8ef9157e722867/pydantic_core-2.33.2-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:efec8db3266b76ef9607c2c4c419bdb06bf335ae433b80816089ea7585816f6a", size = 2113306, upload-time = "2025-04-23T18:30:54.661Z" }, - { url = "https://files.pythonhosted.org/packages/ff/84/daf2a6fb2db40ffda6578a7e8c5a6e9c8affb251a05c233ae37098118788/pydantic_core-2.33.2-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:031c57d67ca86902726e0fae2214ce6770bbe2f710dc33063187a68744a5ecac", size = 2073720, upload-time = "2025-04-23T18:30:56.11Z" }, - { url = "https://files.pythonhosted.org/packages/77/fb/2258da019f4825128445ae79456a5499c032b55849dbd5bed78c95ccf163/pydantic_core-2.33.2-cp310-cp310-musllinux_1_1_armv7l.whl", hash = "sha256:f8de619080e944347f5f20de29a975c2d815d9ddd8be9b9b7268e2e3ef68605a", size = 2244915, upload-time = "2025-04-23T18:30:57.501Z" }, - { url = "https://files.pythonhosted.org/packages/d8/7a/925ff73756031289468326e355b6fa8316960d0d65f8b5d6b3a3e7866de7/pydantic_core-2.33.2-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:73662edf539e72a9440129f231ed3757faab89630d291b784ca99237fb94db2b", size = 2241884, upload-time = "2025-04-23T18:30:58.867Z" }, - { url = "https://files.pythonhosted.org/packages/0b/b0/249ee6d2646f1cdadcb813805fe76265745c4010cf20a8eba7b0e639d9b2/pydantic_core-2.33.2-cp310-cp310-win32.whl", hash = "sha256:0a39979dcbb70998b0e505fb1556a1d550a0781463ce84ebf915ba293ccb7e22", size = 1910496, upload-time = "2025-04-23T18:31:00.078Z" }, - { url = "https://files.pythonhosted.org/packages/66/ff/172ba8f12a42d4b552917aa65d1f2328990d3ccfc01d5b7c943ec084299f/pydantic_core-2.33.2-cp310-cp310-win_amd64.whl", hash = "sha256:b0379a2b24882fef529ec3b4987cb5d003b9cda32256024e6fe1586ac45fc640", size = 1955019, upload-time = "2025-04-23T18:31:01.335Z" }, - { url = "https://files.pythonhosted.org/packages/3f/8d/71db63483d518cbbf290261a1fc2839d17ff89fce7089e08cad07ccfce67/pydantic_core-2.33.2-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:4c5b0a576fb381edd6d27f0a85915c6daf2f8138dc5c267a57c08a62900758c7", size = 2028584, upload-time = "2025-04-23T18:31:03.106Z" }, - { url = "https://files.pythonhosted.org/packages/24/2f/3cfa7244ae292dd850989f328722d2aef313f74ffc471184dc509e1e4e5a/pydantic_core-2.33.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:e799c050df38a639db758c617ec771fd8fb7a5f8eaaa4b27b101f266b216a246", size = 1855071, upload-time = "2025-04-23T18:31:04.621Z" }, - { url = "https://files.pythonhosted.org/packages/b3/d3/4ae42d33f5e3f50dd467761304be2fa0a9417fbf09735bc2cce003480f2a/pydantic_core-2.33.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dc46a01bf8d62f227d5ecee74178ffc448ff4e5197c756331f71efcc66dc980f", size = 1897823, upload-time = "2025-04-23T18:31:06.377Z" }, - { url = "https://files.pythonhosted.org/packages/f4/f3/aa5976e8352b7695ff808599794b1fba2a9ae2ee954a3426855935799488/pydantic_core-2.33.2-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:a144d4f717285c6d9234a66778059f33a89096dfb9b39117663fd8413d582dcc", size = 1983792, upload-time = "2025-04-23T18:31:07.93Z" }, - { url = "https://files.pythonhosted.org/packages/d5/7a/cda9b5a23c552037717f2b2a5257e9b2bfe45e687386df9591eff7b46d28/pydantic_core-2.33.2-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:73cf6373c21bc80b2e0dc88444f41ae60b2f070ed02095754eb5a01df12256de", size = 2136338, upload-time = "2025-04-23T18:31:09.283Z" }, - { url = "https://files.pythonhosted.org/packages/2b/9f/b8f9ec8dd1417eb9da784e91e1667d58a2a4a7b7b34cf4af765ef663a7e5/pydantic_core-2.33.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3dc625f4aa79713512d1976fe9f0bc99f706a9dee21dfd1810b4bbbf228d0e8a", size = 2730998, upload-time = "2025-04-23T18:31:11.7Z" }, - { url = "https://files.pythonhosted.org/packages/47/bc/cd720e078576bdb8255d5032c5d63ee5c0bf4b7173dd955185a1d658c456/pydantic_core-2.33.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:881b21b5549499972441da4758d662aeea93f1923f953e9cbaff14b8b9565aef", size = 2003200, upload-time = "2025-04-23T18:31:13.536Z" }, - { url = "https://files.pythonhosted.org/packages/ca/22/3602b895ee2cd29d11a2b349372446ae9727c32e78a94b3d588a40fdf187/pydantic_core-2.33.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:bdc25f3681f7b78572699569514036afe3c243bc3059d3942624e936ec93450e", size = 2113890, upload-time = "2025-04-23T18:31:15.011Z" }, - { url = "https://files.pythonhosted.org/packages/ff/e6/e3c5908c03cf00d629eb38393a98fccc38ee0ce8ecce32f69fc7d7b558a7/pydantic_core-2.33.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:fe5b32187cbc0c862ee201ad66c30cf218e5ed468ec8dc1cf49dec66e160cc4d", size = 2073359, upload-time = "2025-04-23T18:31:16.393Z" }, - { url = "https://files.pythonhosted.org/packages/12/e7/6a36a07c59ebefc8777d1ffdaf5ae71b06b21952582e4b07eba88a421c79/pydantic_core-2.33.2-cp311-cp311-musllinux_1_1_armv7l.whl", hash = "sha256:bc7aee6f634a6f4a95676fcb5d6559a2c2a390330098dba5e5a5f28a2e4ada30", size = 2245883, upload-time = "2025-04-23T18:31:17.892Z" }, - { url = "https://files.pythonhosted.org/packages/16/3f/59b3187aaa6cc0c1e6616e8045b284de2b6a87b027cce2ffcea073adf1d2/pydantic_core-2.33.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:235f45e5dbcccf6bd99f9f472858849f73d11120d76ea8707115415f8e5ebebf", size = 2241074, upload-time = "2025-04-23T18:31:19.205Z" }, - { url = "https://files.pythonhosted.org/packages/e0/ed/55532bb88f674d5d8f67ab121a2a13c385df382de2a1677f30ad385f7438/pydantic_core-2.33.2-cp311-cp311-win32.whl", hash = "sha256:6368900c2d3ef09b69cb0b913f9f8263b03786e5b2a387706c5afb66800efd51", size = 1910538, upload-time = "2025-04-23T18:31:20.541Z" }, - { url = "https://files.pythonhosted.org/packages/fe/1b/25b7cccd4519c0b23c2dd636ad39d381abf113085ce4f7bec2b0dc755eb1/pydantic_core-2.33.2-cp311-cp311-win_amd64.whl", hash = "sha256:1e063337ef9e9820c77acc768546325ebe04ee38b08703244c1309cccc4f1bab", size = 1952909, upload-time = "2025-04-23T18:31:22.371Z" }, - { url = "https://files.pythonhosted.org/packages/49/a9/d809358e49126438055884c4366a1f6227f0f84f635a9014e2deb9b9de54/pydantic_core-2.33.2-cp311-cp311-win_arm64.whl", hash = "sha256:6b99022f1d19bc32a4c2a0d544fc9a76e3be90f0b3f4af413f87d38749300e65", size = 1897786, upload-time = "2025-04-23T18:31:24.161Z" }, - { url = "https://files.pythonhosted.org/packages/18/8a/2b41c97f554ec8c71f2a8a5f85cb56a8b0956addfe8b0efb5b3d77e8bdc3/pydantic_core-2.33.2-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:a7ec89dc587667f22b6a0b6579c249fca9026ce7c333fc142ba42411fa243cdc", size = 2009000, upload-time = "2025-04-23T18:31:25.863Z" }, - { url = "https://files.pythonhosted.org/packages/a1/02/6224312aacb3c8ecbaa959897af57181fb6cf3a3d7917fd44d0f2917e6f2/pydantic_core-2.33.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:3c6db6e52c6d70aa0d00d45cdb9b40f0433b96380071ea80b09277dba021ddf7", size = 1847996, upload-time = "2025-04-23T18:31:27.341Z" }, - { url = "https://files.pythonhosted.org/packages/d6/46/6dcdf084a523dbe0a0be59d054734b86a981726f221f4562aed313dbcb49/pydantic_core-2.33.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4e61206137cbc65e6d5256e1166f88331d3b6238e082d9f74613b9b765fb9025", size = 1880957, upload-time = "2025-04-23T18:31:28.956Z" }, - { url = "https://files.pythonhosted.org/packages/ec/6b/1ec2c03837ac00886ba8160ce041ce4e325b41d06a034adbef11339ae422/pydantic_core-2.33.2-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:eb8c529b2819c37140eb51b914153063d27ed88e3bdc31b71198a198e921e011", size = 1964199, upload-time = "2025-04-23T18:31:31.025Z" }, - { url = "https://files.pythonhosted.org/packages/2d/1d/6bf34d6adb9debd9136bd197ca72642203ce9aaaa85cfcbfcf20f9696e83/pydantic_core-2.33.2-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c52b02ad8b4e2cf14ca7b3d918f3eb0ee91e63b3167c32591e57c4317e134f8f", size = 2120296, upload-time = "2025-04-23T18:31:32.514Z" }, - { url = "https://files.pythonhosted.org/packages/e0/94/2bd0aaf5a591e974b32a9f7123f16637776c304471a0ab33cf263cf5591a/pydantic_core-2.33.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:96081f1605125ba0855dfda83f6f3df5ec90c61195421ba72223de35ccfb2f88", size = 2676109, upload-time = "2025-04-23T18:31:33.958Z" }, - { url = "https://files.pythonhosted.org/packages/f9/41/4b043778cf9c4285d59742281a769eac371b9e47e35f98ad321349cc5d61/pydantic_core-2.33.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8f57a69461af2a5fa6e6bbd7a5f60d3b7e6cebb687f55106933188e79ad155c1", size = 2002028, upload-time = "2025-04-23T18:31:39.095Z" }, - { url = "https://files.pythonhosted.org/packages/cb/d5/7bb781bf2748ce3d03af04d5c969fa1308880e1dca35a9bd94e1a96a922e/pydantic_core-2.33.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:572c7e6c8bb4774d2ac88929e3d1f12bc45714ae5ee6d9a788a9fb35e60bb04b", size = 2100044, upload-time = "2025-04-23T18:31:41.034Z" }, - { url = "https://files.pythonhosted.org/packages/fe/36/def5e53e1eb0ad896785702a5bbfd25eed546cdcf4087ad285021a90ed53/pydantic_core-2.33.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:db4b41f9bd95fbe5acd76d89920336ba96f03e149097365afe1cb092fceb89a1", size = 2058881, upload-time = "2025-04-23T18:31:42.757Z" }, - { url = "https://files.pythonhosted.org/packages/01/6c/57f8d70b2ee57fc3dc8b9610315949837fa8c11d86927b9bb044f8705419/pydantic_core-2.33.2-cp312-cp312-musllinux_1_1_armv7l.whl", hash = "sha256:fa854f5cf7e33842a892e5c73f45327760bc7bc516339fda888c75ae60edaeb6", size = 2227034, upload-time = "2025-04-23T18:31:44.304Z" }, - { url = "https://files.pythonhosted.org/packages/27/b9/9c17f0396a82b3d5cbea4c24d742083422639e7bb1d5bf600e12cb176a13/pydantic_core-2.33.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:5f483cfb75ff703095c59e365360cb73e00185e01aaea067cd19acffd2ab20ea", size = 2234187, upload-time = "2025-04-23T18:31:45.891Z" }, - { url = "https://files.pythonhosted.org/packages/b0/6a/adf5734ffd52bf86d865093ad70b2ce543415e0e356f6cacabbc0d9ad910/pydantic_core-2.33.2-cp312-cp312-win32.whl", hash = "sha256:9cb1da0f5a471435a7bc7e439b8a728e8b61e59784b2af70d7c169f8dd8ae290", size = 1892628, upload-time = "2025-04-23T18:31:47.819Z" }, - { url = "https://files.pythonhosted.org/packages/43/e4/5479fecb3606c1368d496a825d8411e126133c41224c1e7238be58b87d7e/pydantic_core-2.33.2-cp312-cp312-win_amd64.whl", hash = "sha256:f941635f2a3d96b2973e867144fde513665c87f13fe0e193c158ac51bfaaa7b2", size = 1955866, upload-time = "2025-04-23T18:31:49.635Z" }, - { url = "https://files.pythonhosted.org/packages/0d/24/8b11e8b3e2be9dd82df4b11408a67c61bb4dc4f8e11b5b0fc888b38118b5/pydantic_core-2.33.2-cp312-cp312-win_arm64.whl", hash = "sha256:cca3868ddfaccfbc4bfb1d608e2ccaaebe0ae628e1416aeb9c4d88c001bb45ab", size = 1888894, upload-time = "2025-04-23T18:31:51.609Z" }, - { url = "https://files.pythonhosted.org/packages/46/8c/99040727b41f56616573a28771b1bfa08a3d3fe74d3d513f01251f79f172/pydantic_core-2.33.2-cp313-cp313-macosx_10_12_x86_64.whl", hash = "sha256:1082dd3e2d7109ad8b7da48e1d4710c8d06c253cbc4a27c1cff4fbcaa97a9e3f", size = 2015688, upload-time = "2025-04-23T18:31:53.175Z" }, - { url = "https://files.pythonhosted.org/packages/3a/cc/5999d1eb705a6cefc31f0b4a90e9f7fc400539b1a1030529700cc1b51838/pydantic_core-2.33.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:f517ca031dfc037a9c07e748cefd8d96235088b83b4f4ba8939105d20fa1dcd6", size = 1844808, upload-time = "2025-04-23T18:31:54.79Z" }, - { url = "https://files.pythonhosted.org/packages/6f/5e/a0a7b8885c98889a18b6e376f344da1ef323d270b44edf8174d6bce4d622/pydantic_core-2.33.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0a9f2c9dd19656823cb8250b0724ee9c60a82f3cdf68a080979d13092a3b0fef", size = 1885580, upload-time = "2025-04-23T18:31:57.393Z" }, - { url = "https://files.pythonhosted.org/packages/3b/2a/953581f343c7d11a304581156618c3f592435523dd9d79865903272c256a/pydantic_core-2.33.2-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:2b0a451c263b01acebe51895bfb0e1cc842a5c666efe06cdf13846c7418caa9a", size = 1973859, upload-time = "2025-04-23T18:31:59.065Z" }, - { url = "https://files.pythonhosted.org/packages/e6/55/f1a813904771c03a3f97f676c62cca0c0a4138654107c1b61f19c644868b/pydantic_core-2.33.2-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1ea40a64d23faa25e62a70ad163571c0b342b8bf66d5fa612ac0dec4f069d916", size = 2120810, upload-time = "2025-04-23T18:32:00.78Z" }, - { url = "https://files.pythonhosted.org/packages/aa/c3/053389835a996e18853ba107a63caae0b9deb4a276c6b472931ea9ae6e48/pydantic_core-2.33.2-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:0fb2d542b4d66f9470e8065c5469ec676978d625a8b7a363f07d9a501a9cb36a", size = 2676498, upload-time = "2025-04-23T18:32:02.418Z" }, - { url = "https://files.pythonhosted.org/packages/eb/3c/f4abd740877a35abade05e437245b192f9d0ffb48bbbbd708df33d3cda37/pydantic_core-2.33.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9fdac5d6ffa1b5a83bca06ffe7583f5576555e6c8b3a91fbd25ea7780f825f7d", size = 2000611, upload-time = "2025-04-23T18:32:04.152Z" }, - { url = "https://files.pythonhosted.org/packages/59/a7/63ef2fed1837d1121a894d0ce88439fe3e3b3e48c7543b2a4479eb99c2bd/pydantic_core-2.33.2-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:04a1a413977ab517154eebb2d326da71638271477d6ad87a769102f7c2488c56", size = 2107924, upload-time = "2025-04-23T18:32:06.129Z" }, - { url = "https://files.pythonhosted.org/packages/04/8f/2551964ef045669801675f1cfc3b0d74147f4901c3ffa42be2ddb1f0efc4/pydantic_core-2.33.2-cp313-cp313-musllinux_1_1_aarch64.whl", hash = "sha256:c8e7af2f4e0194c22b5b37205bfb293d166a7344a5b0d0eaccebc376546d77d5", size = 2063196, upload-time = "2025-04-23T18:32:08.178Z" }, - { url = "https://files.pythonhosted.org/packages/26/bd/d9602777e77fc6dbb0c7db9ad356e9a985825547dce5ad1d30ee04903918/pydantic_core-2.33.2-cp313-cp313-musllinux_1_1_armv7l.whl", hash = "sha256:5c92edd15cd58b3c2d34873597a1e20f13094f59cf88068adb18947df5455b4e", size = 2236389, upload-time = "2025-04-23T18:32:10.242Z" }, - { url = "https://files.pythonhosted.org/packages/42/db/0e950daa7e2230423ab342ae918a794964b053bec24ba8af013fc7c94846/pydantic_core-2.33.2-cp313-cp313-musllinux_1_1_x86_64.whl", hash = "sha256:65132b7b4a1c0beded5e057324b7e16e10910c106d43675d9bd87d4f38dde162", size = 2239223, upload-time = "2025-04-23T18:32:12.382Z" }, - { url = "https://files.pythonhosted.org/packages/58/4d/4f937099c545a8a17eb52cb67fe0447fd9a373b348ccfa9a87f141eeb00f/pydantic_core-2.33.2-cp313-cp313-win32.whl", hash = "sha256:52fb90784e0a242bb96ec53f42196a17278855b0f31ac7c3cc6f5c1ec4811849", size = 1900473, upload-time = "2025-04-23T18:32:14.034Z" }, - { url = "https://files.pythonhosted.org/packages/a0/75/4a0a9bac998d78d889def5e4ef2b065acba8cae8c93696906c3a91f310ca/pydantic_core-2.33.2-cp313-cp313-win_amd64.whl", hash = "sha256:c083a3bdd5a93dfe480f1125926afcdbf2917ae714bdb80b36d34318b2bec5d9", size = 1955269, upload-time = "2025-04-23T18:32:15.783Z" }, - { url = "https://files.pythonhosted.org/packages/f9/86/1beda0576969592f1497b4ce8e7bc8cbdf614c352426271b1b10d5f0aa64/pydantic_core-2.33.2-cp313-cp313-win_arm64.whl", hash = "sha256:e80b087132752f6b3d714f041ccf74403799d3b23a72722ea2e6ba2e892555b9", size = 1893921, upload-time = "2025-04-23T18:32:18.473Z" }, - { url = "https://files.pythonhosted.org/packages/a4/7d/e09391c2eebeab681df2b74bfe6c43422fffede8dc74187b2b0bf6fd7571/pydantic_core-2.33.2-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:61c18fba8e5e9db3ab908620af374db0ac1baa69f0f32df4f61ae23f15e586ac", size = 1806162, upload-time = "2025-04-23T18:32:20.188Z" }, - { url = "https://files.pythonhosted.org/packages/f1/3d/847b6b1fed9f8ed3bb95a9ad04fbd0b212e832d4f0f50ff4d9ee5a9f15cf/pydantic_core-2.33.2-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:95237e53bb015f67b63c91af7518a62a8660376a6a0db19b89acc77a4d6199f5", size = 1981560, upload-time = "2025-04-23T18:32:22.354Z" }, - { url = "https://files.pythonhosted.org/packages/6f/9a/e73262f6c6656262b5fdd723ad90f518f579b7bc8622e43a942eec53c938/pydantic_core-2.33.2-cp313-cp313t-win_amd64.whl", hash = "sha256:c2fc0a768ef76c15ab9238afa6da7f69895bb5d1ee83aeea2e3509af4472d0b9", size = 1935777, upload-time = "2025-04-23T18:32:25.088Z" }, - { url = "https://files.pythonhosted.org/packages/30/68/373d55e58b7e83ce371691f6eaa7175e3a24b956c44628eb25d7da007917/pydantic_core-2.33.2-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:5c4aa4e82353f65e548c476b37e64189783aa5384903bfea4f41580f255fddfa", size = 2023982, upload-time = "2025-04-23T18:32:53.14Z" }, - { url = "https://files.pythonhosted.org/packages/a4/16/145f54ac08c96a63d8ed6442f9dec17b2773d19920b627b18d4f10a061ea/pydantic_core-2.33.2-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:d946c8bf0d5c24bf4fe333af284c59a19358aa3ec18cb3dc4370080da1e8ad29", size = 1858412, upload-time = "2025-04-23T18:32:55.52Z" }, - { url = "https://files.pythonhosted.org/packages/41/b1/c6dc6c3e2de4516c0bb2c46f6a373b91b5660312342a0cf5826e38ad82fa/pydantic_core-2.33.2-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:87b31b6846e361ef83fedb187bb5b4372d0da3f7e28d85415efa92d6125d6e6d", size = 1892749, upload-time = "2025-04-23T18:32:57.546Z" }, - { url = "https://files.pythonhosted.org/packages/12/73/8cd57e20afba760b21b742106f9dbdfa6697f1570b189c7457a1af4cd8a0/pydantic_core-2.33.2-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:aa9d91b338f2df0508606f7009fde642391425189bba6d8c653afd80fd6bb64e", size = 2067527, upload-time = "2025-04-23T18:32:59.771Z" }, - { url = "https://files.pythonhosted.org/packages/e3/d5/0bb5d988cc019b3cba4a78f2d4b3854427fc47ee8ec8e9eaabf787da239c/pydantic_core-2.33.2-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:2058a32994f1fde4ca0480ab9d1e75a0e8c87c22b53a3ae66554f9af78f2fe8c", size = 2108225, upload-time = "2025-04-23T18:33:04.51Z" }, - { url = "https://files.pythonhosted.org/packages/f1/c5/00c02d1571913d496aabf146106ad8239dc132485ee22efe08085084ff7c/pydantic_core-2.33.2-pp310-pypy310_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:0e03262ab796d986f978f79c943fc5f620381be7287148b8010b4097f79a39ec", size = 2069490, upload-time = "2025-04-23T18:33:06.391Z" }, - { url = "https://files.pythonhosted.org/packages/22/a8/dccc38768274d3ed3a59b5d06f59ccb845778687652daa71df0cab4040d7/pydantic_core-2.33.2-pp310-pypy310_pp73-musllinux_1_1_armv7l.whl", hash = "sha256:1a8695a8d00c73e50bff9dfda4d540b7dee29ff9b8053e38380426a85ef10052", size = 2237525, upload-time = "2025-04-23T18:33:08.44Z" }, - { url = "https://files.pythonhosted.org/packages/d4/e7/4f98c0b125dda7cf7ccd14ba936218397b44f50a56dd8c16a3091df116c3/pydantic_core-2.33.2-pp310-pypy310_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:fa754d1850735a0b0e03bcffd9d4b4343eb417e47196e4485d9cca326073a42c", size = 2238446, upload-time = "2025-04-23T18:33:10.313Z" }, - { url = "https://files.pythonhosted.org/packages/ce/91/2ec36480fdb0b783cd9ef6795753c1dea13882f2e68e73bce76ae8c21e6a/pydantic_core-2.33.2-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:a11c8d26a50bfab49002947d3d237abe4d9e4b5bdc8846a63537b6488e197808", size = 2066678, upload-time = "2025-04-23T18:33:12.224Z" }, - { url = "https://files.pythonhosted.org/packages/7b/27/d4ae6487d73948d6f20dddcd94be4ea43e74349b56eba82e9bdee2d7494c/pydantic_core-2.33.2-pp311-pypy311_pp73-macosx_10_12_x86_64.whl", hash = "sha256:dd14041875d09cc0f9308e37a6f8b65f5585cf2598a53aa0123df8b129d481f8", size = 2025200, upload-time = "2025-04-23T18:33:14.199Z" }, - { url = "https://files.pythonhosted.org/packages/f1/b8/b3cb95375f05d33801024079b9392a5ab45267a63400bf1866e7ce0f0de4/pydantic_core-2.33.2-pp311-pypy311_pp73-macosx_11_0_arm64.whl", hash = "sha256:d87c561733f66531dced0da6e864f44ebf89a8fba55f31407b00c2f7f9449593", size = 1859123, upload-time = "2025-04-23T18:33:16.555Z" }, - { url = "https://files.pythonhosted.org/packages/05/bc/0d0b5adeda59a261cd30a1235a445bf55c7e46ae44aea28f7bd6ed46e091/pydantic_core-2.33.2-pp311-pypy311_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2f82865531efd18d6e07a04a17331af02cb7a651583c418df8266f17a63c6612", size = 1892852, upload-time = "2025-04-23T18:33:18.513Z" }, - { url = "https://files.pythonhosted.org/packages/3e/11/d37bdebbda2e449cb3f519f6ce950927b56d62f0b84fd9cb9e372a26a3d5/pydantic_core-2.33.2-pp311-pypy311_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2bfb5112df54209d820d7bf9317c7a6c9025ea52e49f46b6a2060104bba37de7", size = 2067484, upload-time = "2025-04-23T18:33:20.475Z" }, - { url = "https://files.pythonhosted.org/packages/8c/55/1f95f0a05ce72ecb02a8a8a1c3be0579bbc29b1d5ab68f1378b7bebc5057/pydantic_core-2.33.2-pp311-pypy311_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:64632ff9d614e5eecfb495796ad51b0ed98c453e447a76bcbeeb69615079fc7e", size = 2108896, upload-time = "2025-04-23T18:33:22.501Z" }, - { url = "https://files.pythonhosted.org/packages/53/89/2b2de6c81fa131f423246a9109d7b2a375e83968ad0800d6e57d0574629b/pydantic_core-2.33.2-pp311-pypy311_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:f889f7a40498cc077332c7ab6b4608d296d852182211787d4f3ee377aaae66e8", size = 2069475, upload-time = "2025-04-23T18:33:24.528Z" }, - { url = "https://files.pythonhosted.org/packages/b8/e9/1f7efbe20d0b2b10f6718944b5d8ece9152390904f29a78e68d4e7961159/pydantic_core-2.33.2-pp311-pypy311_pp73-musllinux_1_1_armv7l.whl", hash = "sha256:de4b83bb311557e439b9e186f733f6c645b9417c84e2eb8203f3f820a4b988bf", size = 2239013, upload-time = "2025-04-23T18:33:26.621Z" }, - { url = "https://files.pythonhosted.org/packages/3c/b2/5309c905a93811524a49b4e031e9851a6b00ff0fb668794472ea7746b448/pydantic_core-2.33.2-pp311-pypy311_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:82f68293f055f51b51ea42fafc74b6aad03e70e191799430b90c13d643059ebb", size = 2238715, upload-time = "2025-04-23T18:33:28.656Z" }, - { url = "https://files.pythonhosted.org/packages/32/56/8a7ca5d2cd2cda1d245d34b1c9a942920a718082ae8e54e5f3e5a58b7add/pydantic_core-2.33.2-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:329467cecfb529c925cf2bbd4d60d2c509bc2fb52a20c1045bf09bb70971a9c1", size = 2066757, upload-time = "2025-04-23T18:33:30.645Z" }, -] - -[[package]] -name = "pydata-sphinx-theme" -version = "0.15.4" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "accessible-pygments" }, - { name = "babel" }, - { name = "beautifulsoup4" }, - { name = "docutils" }, - { name = "packaging" }, - { name = "pygments" }, - { name = "sphinx", version = "8.1.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "sphinx", version = "8.2.3", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/67/ea/3ab478cccacc2e8ef69892c42c44ae547bae089f356c4b47caf61730958d/pydata_sphinx_theme-0.15.4.tar.gz", hash = "sha256:7762ec0ac59df3acecf49fd2f889e1b4565dbce8b88b2e29ee06fdd90645a06d", size = 2400673, upload-time = "2024-06-25T19:28:45.041Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e7/d3/c622950d87a2ffd1654208733b5bd1c5645930014abed8f4c0d74863988b/pydata_sphinx_theme-0.15.4-py3-none-any.whl", hash = "sha256:2136ad0e9500d0949f96167e63f3e298620040aea8f9c74621959eda5d4cf8e6", size = 4640157, upload-time = "2024-06-25T19:28:42.383Z" }, -] - -[[package]] -name = "pydot" -version = "3.0.4" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "pyparsing" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/66/dd/e0e6a4fb84c22050f6a9701ad9fd6a67ef82faa7ba97b97eb6fdc6b49b34/pydot-3.0.4.tar.gz", hash = "sha256:3ce88b2558f3808b0376f22bfa6c263909e1c3981e2a7b629b65b451eee4a25d", size = 168167, upload-time = "2025-01-05T16:18:45.763Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/b0/5f/1ebfd430df05c4f9e438dd3313c4456eab937d976f6ab8ce81a98f9fb381/pydot-3.0.4-py3-none-any.whl", hash = "sha256:bfa9c3fc0c44ba1d132adce131802d7df00429d1a79cc0346b0a5cd374dbe9c6", size = 35776, upload-time = "2025-01-05T16:18:42.836Z" }, -] - -[[package]] -name = "pydub" -version = "0.25.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/fe/9a/e6bca0eed82db26562c73b5076539a4a08d3cffd19c3cc5913a3e61145fd/pydub-0.25.1.tar.gz", hash = "sha256:980a33ce9949cab2a569606b65674d748ecbca4f0796887fd6f46173a7b0d30f", size = 38326, upload-time = "2021-03-10T02:09:54.659Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/a6/53/d78dc063216e62fc55f6b2eebb447f6a4b0a59f55c8406376f76bf959b08/pydub-0.25.1-py2.py3-none-any.whl", hash = "sha256:65617e33033874b59d87db603aa1ed450633288aefead953b30bded59cb599a6", size = 32327, upload-time = "2021-03-10T02:09:53.503Z" }, -] - -[[package]] -name = "pygments" -version = "2.19.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/b0/77/a5b8c569bf593b0140bde72ea885a803b82086995367bf2037de0159d924/pygments-2.19.2.tar.gz", hash = "sha256:636cb2477cec7f8952536970bc533bc43743542f70392ae026374600add5b887", size = 4968631, upload-time = "2025-06-21T13:39:12.283Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/c7/21/705964c7812476f378728bdf590ca4b771ec72385c533964653c68e86bdc/pygments-2.19.2-py3-none-any.whl", hash = "sha256:86540386c03d588bb81d44bc3928634ff26449851e99741617ecb9037ee5ec0b", size = 1225217, upload-time = "2025-06-21T13:39:07.939Z" }, -] - -[[package]] -name = "pymoo" -version = "0.6.1.5" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "alive-progress" }, - { name = "autograd" }, - { name = "cma" }, - { name = "deprecated" }, - { name = "dill" }, - { name = "matplotlib" }, - { name = "numpy" }, - { name = "scipy", version = "1.15.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "scipy", version = "1.16.2", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/6e/ed/ec5a76bb1556b774a67806c08234dab0e603509846b6b94934da59e5f4bd/pymoo-0.6.1.5.tar.gz", hash = "sha256:9ce71eaceb2f5cccf8c5af53102cf6d96fa911452addaf48fb971a60621f8364", size = 258027, upload-time = "2025-05-26T21:59:31.189Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e3/69/4a8c724ff65654cea9b7c6532ed271dcef60171f62cae01a407259e7b16c/pymoo-0.6.1.5-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:00b5aec75e1ebdb13f537a45b17a33a8fd7ea7437b9bcfdc1a72e56ddf26dd7a", size = 1560163, upload-time = "2025-05-26T21:58:21.197Z" }, - { url = "https://files.pythonhosted.org/packages/56/be/ef5c9d25c838a37fc5e612dcb1777580e646522e6896d8dd7354d858c867/pymoo-0.6.1.5-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:dbdfe6b82582831a57bc441bb078b2dfa10654b04dc47208e714e2312c123cb4", size = 945392, upload-time = "2025-05-26T21:58:23.709Z" }, - { url = "https://files.pythonhosted.org/packages/fa/47/d2f52c59f1972279b030362f5a88d2de51c3936025e0d639eb37b6618bcf/pymoo-0.6.1.5-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:48c0f930f344c2fd2fd82d7b30dd7e7d2613437c9519c2aaee73cfca7707fc82", size = 4213223, upload-time = "2025-05-26T21:58:26.248Z" }, - { url = "https://files.pythonhosted.org/packages/78/13/da5881ecd278f320e639eb12195c0aa5356b00c7b3066e3fc6a9b0fa4d65/pymoo-0.6.1.5-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:fc9079a7d4d4e392028deb8821a13b77a4ff834727725dbf62cddf44fd0a6e98", size = 5638677, upload-time = "2025-05-26T21:58:29.919Z" }, - { url = "https://files.pythonhosted.org/packages/3b/72/be83c99f185a574f14c001ac57c2886be0f675ed330865035674a0f2575a/pymoo-0.6.1.5-cp310-cp310-win_amd64.whl", hash = "sha256:874c7f7c6da71520c230aa0f7150c949854d68eef6f57de4d9b8bbd4bc9dfb69", size = 2006657, upload-time = "2025-05-26T21:58:32.457Z" }, - { url = "https://files.pythonhosted.org/packages/06/bd/473e1e813ffba82c2c77f5e90553bc56a8ff8f02ffac1a5c67debcf7126c/pymoo-0.6.1.5-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:2340e9da2e09c423d47cfe553375134702598e43701dc1cbd14c71010b381666", size = 1557733, upload-time = "2025-05-26T21:58:34.782Z" }, - { url = "https://files.pythonhosted.org/packages/1e/73/7a519e8029d97647457a9e8c14807c04e7b8b31cc845dcd1de238c8d5761/pymoo-0.6.1.5-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:c0d0a1c349ae6973ea6e0cedf208c760d557be6aca0fb86aff6db155e263dfef", size = 943827, upload-time = "2025-05-26T21:58:36.904Z" }, - { url = "https://files.pythonhosted.org/packages/db/0e/51cd797554fda6d9fb930d6f8d98ef9f01344b7a682e0ab89eefce616fa6/pymoo-0.6.1.5-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:07fd159285c5637d5c68d758c3498f13f066635455e2b0f2b3a43b9d44704c75", size = 4409417, upload-time = "2025-05-26T21:58:39.904Z" }, - { url = "https://files.pythonhosted.org/packages/5e/63/c921a65be1afa3c5eae0de78e17a3dc592c21de64de50e6bfb7645543154/pymoo-0.6.1.5-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:04a40005d4c18e194a380e360162063577cc1c206d5ca40f0dd463168e0efaf1", size = 5831827, upload-time = "2025-05-26T21:58:44.807Z" }, - { url = "https://files.pythonhosted.org/packages/a1/6b/16a954eed286790fba89738d64cac4840434e6d05883ad559a254d9e9659/pymoo-0.6.1.5-cp311-cp311-win_amd64.whl", hash = "sha256:2fde9e9b6ed21b743e466d7a2225cf4aa8fc81408fe104948e70fbb0f5fd53de", size = 2006610, upload-time = "2025-05-26T21:58:47.384Z" }, - { url = "https://files.pythonhosted.org/packages/42/23/45dddc4897e384534d059688576b02016af72270d7ff18b14816a30a4c30/pymoo-0.6.1.5-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:31d9f9522337c6ddfa6fc7670daa9ce4c777c104283824c3e6a2c482d8cde5b8", size = 1564924, upload-time = "2025-05-26T21:58:49.596Z" }, - { url = "https://files.pythonhosted.org/packages/4f/4e/5ffa473b30b7ab44b3bb3c4bd4b77d81c8975fb8bb17381275e106137838/pymoo-0.6.1.5-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:57dd99fd7fff871d42289646ee7899f5f85535a74d4fefcca900a9dde1067c07", size = 944016, upload-time = "2025-05-26T21:58:51.399Z" }, - { url = "https://files.pythonhosted.org/packages/cf/9b/27e7e1e858c1f01b78a3de7e137c68905c693f1b81cee9826ff8b6bf6b78/pymoo-0.6.1.5-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:247099da5cf52092529089cd2b69d6cb959db9081d88789d6d1155778f392041", size = 4382163, upload-time = "2025-05-26T21:58:54.76Z" }, - { url = "https://files.pythonhosted.org/packages/eb/8e/2dd71f8b75cad7251843a9b04587417171ee64233e8d1ef86fa59d385c7d/pymoo-0.6.1.5-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:db6e562fad10afcfb250de116f958d7606f9ccb95d9a6e84b1c26378384cd736", size = 5786773, upload-time = "2025-05-26T21:58:58.433Z" }, - { url = "https://files.pythonhosted.org/packages/ae/6a/f6733edb12bf452ca21d90bda2b50e13ade23c76e3018e092234b361840c/pymoo-0.6.1.5-cp312-cp312-win_amd64.whl", hash = "sha256:44a151f83b9e455cdf1a8d63383c378b871c44592b6314167a39be3694a2fb01", size = 2009815, upload-time = "2025-05-26T21:59:00.778Z" }, - { url = "https://files.pythonhosted.org/packages/2e/5e/260d77d5d44ee276fca63c902a38dbfa5315b13db4a856f4b4ede5769754/pymoo-0.6.1.5-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:9ddaeb66ce18d473cdfdfd70c7e63e1cd7cddf47879e79bca1f8eab379a74413", size = 1552512, upload-time = "2025-05-26T21:59:02.748Z" }, - { url = "https://files.pythonhosted.org/packages/a5/3f/38538bb89e92eb10357bc2aa8dcefdfa25ec01b57a2b4cd419e704de3139/pymoo-0.6.1.5-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:875d06c0f0617ea73eaedb810cc25d55b40b7ddf77db23f59bca51a18eab5079", size = 937888, upload-time = "2025-05-26T21:59:04.834Z" }, - { url = "https://files.pythonhosted.org/packages/4d/75/7a7e1ddea474ef3e0d1845c20e7792743a8b01850e2956a6f776dbf87f46/pymoo-0.6.1.5-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:da0d2afe9fa6a94fbec3fe970fa9426309b668eefb1eb796f44bfa186cf2c5ad", size = 4331420, upload-time = "2025-05-26T21:59:08.601Z" }, - { url = "https://files.pythonhosted.org/packages/85/6a/85e26ad9b046e89a4a77bee7f0ed3b3d77ecb2e743727d09187473346719/pymoo-0.6.1.5-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:0926f8ba84fc1e104b30ccdcf0dd5ed886be209f7de6d729fe115cdd3fdec084", size = 5775567, upload-time = "2025-05-26T21:59:12.605Z" }, - { url = "https://files.pythonhosted.org/packages/e2/1f/479758d597229563bf9d2003911bdb0829f031da4d1577bf76ff61e5b704/pymoo-0.6.1.5-cp313-cp313-win_amd64.whl", hash = "sha256:36543ab8690c9afb4a07c795f58018223394b86c5ba0ce6044f7f28c193dfacc", size = 2008812, upload-time = "2025-05-26T21:59:15.135Z" }, -] - -[[package]] -name = "pyparsing" -version = "3.2.5" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f2/a5/181488fc2b9d093e3972d2a472855aae8a03f000592dbfce716a512b3359/pyparsing-3.2.5.tar.gz", hash = "sha256:2df8d5b7b2802ef88e8d016a2eb9c7aeaa923529cd251ed0fe4608275d4105b6", size = 1099274, upload-time = "2025-09-21T04:11:06.277Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/10/5e/1aa9a93198c6b64513c9d7752de7422c06402de6600a8767da1524f9570b/pyparsing-3.2.5-py3-none-any.whl", hash = "sha256:e38a4f02064cf41fe6593d328d0512495ad1f3d8a91c4f73fc401b3079a59a5e", size = 113890, upload-time = "2025-09-21T04:11:04.117Z" }, -] - -[[package]] -name = "pyproject-api" -version = "1.10.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "packaging" }, - { name = "tomli", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/45/7b/c0e1333b61d41c69e59e5366e727b18c4992688caf0de1be10b3e5265f6b/pyproject_api-1.10.0.tar.gz", hash = "sha256:40c6f2d82eebdc4afee61c773ed208c04c19db4c4a60d97f8d7be3ebc0bbb330", size = 22785, upload-time = "2025-10-09T19:12:27.21Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/54/cc/cecf97be298bee2b2a37dd360618c819a2a7fd95251d8e480c1f0eb88f3b/pyproject_api-1.10.0-py3-none-any.whl", hash = "sha256:8757c41a79c0f4ab71b99abed52b97ecf66bd20b04fa59da43b5840bac105a09", size = 13218, upload-time = "2025-10-09T19:12:24.428Z" }, -] - -[[package]] -name = "pytest" -version = "8.4.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "colorama", marker = "sys_platform == 'win32' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "exceptiongroup", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "iniconfig" }, - { name = "packaging" }, - { name = "pluggy" }, - { name = "pygments" }, - { name = "tomli", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/a3/5c/00a0e072241553e1a7496d638deababa67c5058571567b92a7eaa258397c/pytest-8.4.2.tar.gz", hash = "sha256:86c0d0b93306b961d58d62a4db4879f27fe25513d4b969df351abdddb3c30e01", size = 1519618, upload-time = "2025-09-04T14:34:22.711Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/a8/a4/20da314d277121d6534b3a980b29035dcd51e6744bd79075a6ce8fa4eb8d/pytest-8.4.2-py3-none-any.whl", hash = "sha256:872f880de3fc3a5bdc88a11b39c9710c3497a547cfa9320bc3c5e62fbf272e79", size = 365750, upload-time = "2025-09-04T14:34:20.226Z" }, -] - -[[package]] -name = "pytest-cov" -version = "7.0.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "coverage", extra = ["toml"] }, - { name = "pluggy" }, - { name = "pytest" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/5e/f7/c933acc76f5208b3b00089573cf6a2bc26dc80a8aece8f52bb7d6b1855ca/pytest_cov-7.0.0.tar.gz", hash = "sha256:33c97eda2e049a0c5298e91f519302a1334c26ac65c1a483d6206fd458361af1", size = 54328, upload-time = "2025-09-09T10:57:02.113Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ee/49/1377b49de7d0c1ce41292161ea0f721913fa8722c19fb9c1e3aa0367eecb/pytest_cov-7.0.0-py3-none-any.whl", hash = "sha256:3b8e9558b16cc1479da72058bdecf8073661c7f57f7d3c5f22a1c23507f2d861", size = 22424, upload-time = "2025-09-09T10:57:00.695Z" }, -] - -[[package]] -name = "pytest-json-report" -version = "1.5.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "pytest" }, - { name = "pytest-metadata" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/4f/d3/765dae9712fcd68d820338908c1337e077d5fdadccd5cacf95b9b0bea278/pytest-json-report-1.5.0.tar.gz", hash = "sha256:2dde3c647851a19b5f3700729e8310a6e66efb2077d674f27ddea3d34dc615de", size = 21241, upload-time = "2022-03-15T21:03:10.2Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/81/35/d07400c715bf8a88aa0c1ee9c9eb6050ca7fe5b39981f0eea773feeb0681/pytest_json_report-1.5.0-py3-none-any.whl", hash = "sha256:9897b68c910b12a2e48dd849f9a284b2c79a732a8a9cb398452ddd23d3c8c325", size = 13222, upload-time = "2022-03-15T21:03:08.65Z" }, -] - -[[package]] -name = "pytest-metadata" -version = "3.1.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "pytest" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/a6/85/8c969f8bec4e559f8f2b958a15229a35495f5b4ce499f6b865eac54b878d/pytest_metadata-3.1.1.tar.gz", hash = "sha256:d2a29b0355fbc03f168aa96d41ff88b1a3b44a3b02acbe491801c98a048017c8", size = 9952, upload-time = "2024-02-12T19:38:44.887Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/3e/43/7e7b2ec865caa92f67b8f0e9231a798d102724ca4c0e1f414316be1c1ef2/pytest_metadata-3.1.1-py3-none-any.whl", hash = "sha256:c8e0844db684ee1c798cfa38908d20d67d0463ecb6137c72e91f418558dd5f4b", size = 11428, upload-time = "2024-02-12T19:38:42.531Z" }, -] - -[[package]] -name = "pytest-mock" -version = "3.15.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "pytest" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/68/14/eb014d26be205d38ad5ad20d9a80f7d201472e08167f0bb4361e251084a9/pytest_mock-3.15.1.tar.gz", hash = "sha256:1849a238f6f396da19762269de72cb1814ab44416fa73a8686deac10b0d87a0f", size = 34036, upload-time = "2025-09-16T16:37:27.081Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/5a/cc/06253936f4a7fa2e0f48dfe6d851d9c56df896a9ab09ac019d70b760619c/pytest_mock-3.15.1-py3-none-any.whl", hash = "sha256:0a25e2eb88fe5168d535041d09a4529a188176ae608a6d249ee65abc0949630d", size = 10095, upload-time = "2025-09-16T16:37:25.734Z" }, -] - -[[package]] -name = "pytest-sugar" -version = "1.1.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "pytest" }, - { name = "termcolor" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/0b/4e/60fed105549297ba1a700e1ea7b828044842ea27d72c898990510b79b0e2/pytest-sugar-1.1.1.tar.gz", hash = "sha256:73b8b65163ebf10f9f671efab9eed3d56f20d2ca68bda83fa64740a92c08f65d", size = 16533, upload-time = "2025-08-23T12:19:35.737Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/87/d5/81d38a91c1fdafb6711f053f5a9b92ff788013b19821257c2c38c1e132df/pytest_sugar-1.1.1-py3-none-any.whl", hash = "sha256:2f8319b907548d5b9d03a171515c1d43d2e38e32bd8182a1781eb20b43344cc8", size = 11440, upload-time = "2025-08-23T12:19:34.894Z" }, -] - -[[package]] -name = "pytest-timeout" -version = "2.4.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "pytest" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/ac/82/4c9ecabab13363e72d880f2fb504c5f750433b2b6f16e99f4ec21ada284c/pytest_timeout-2.4.0.tar.gz", hash = "sha256:7e68e90b01f9eff71332b25001f85c75495fc4e3a836701876183c4bcfd0540a", size = 17973, upload-time = "2025-05-05T19:44:34.99Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/fa/b6/3127540ecdf1464a00e5a01ee60a1b09175f6913f0644ac748494d9c4b21/pytest_timeout-2.4.0-py3-none-any.whl", hash = "sha256:c42667e5cdadb151aeb5b26d114aff6bdf5a907f176a007a30b940d3d865b5c2", size = 14382, upload-time = "2025-05-05T19:44:33.502Z" }, -] - -[[package]] -name = "pytest-xdist" -version = "3.8.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "execnet" }, - { name = "pytest" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/78/b4/439b179d1ff526791eb921115fca8e44e596a13efeda518b9d845a619450/pytest_xdist-3.8.0.tar.gz", hash = "sha256:7e578125ec9bc6050861aa93f2d59f1d8d085595d6551c2c90b6f4fad8d3a9f1", size = 88069, upload-time = "2025-07-01T13:30:59.346Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ca/31/d4e37e9e550c2b92a9cbc2e4d0b7420a27224968580b5a447f420847c975/pytest_xdist-3.8.0-py3-none-any.whl", hash = "sha256:202ca578cfeb7370784a8c33d6d05bc6e13b4f25b5053c30a152269fd10f0b88", size = 46396, upload-time = "2025-07-01T13:30:56.632Z" }, -] - -[[package]] -name = "python-box" -version = "6.1.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/9a/85/b02b80d74bdb95bfe491d49ad1627e9833c73d331edbe6eed0bdfe170361/python-box-6.1.0.tar.gz", hash = "sha256:6e7c243b356cb36e2c0f0e5ed7850969fede6aa812a7f501de7768996c7744d7", size = 41443, upload-time = "2022-10-29T22:30:45.515Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/a9/c7/5d18ef4960a67b8d8dad9a6aa6c739da15a92b6f1e550ab7ebe040493957/python_box-6.1.0-cp310-cp310-macosx_10_15_x86_64.whl", hash = "sha256:c14aa4e72bf30f4d573e62ff8030a86548603a100c3fb534561dbedf4a83f454", size = 1120226, upload-time = "2022-10-29T22:31:54.345Z" }, - { url = "https://files.pythonhosted.org/packages/6f/32/3c865e7d62e481c46abffef3303db0d27bf2ca72e4f497d05d66939bfd4a/python_box-6.1.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ab13208b053525ef154a36a4a52873b98a12b18b946edd4c939a4d5080e9a218", size = 3327115, upload-time = "2022-10-29T22:35:03.26Z" }, - { url = "https://files.pythonhosted.org/packages/69/97/e43a8ab4487f923356a0ab8b0e540448aa453a8ec9314d49dd2098952185/python_box-6.1.0-cp310-cp310-win_amd64.whl", hash = "sha256:d199cd289b4f4d053770eadd70217c76214aac30b92a23adfb9627fd8558d300", size = 962296, upload-time = "2022-10-29T22:32:41.274Z" }, - { url = "https://files.pythonhosted.org/packages/d4/16/48bcaacf750fa2cc78882a53eef953c28a42e4a84f5e0b27e05d7188a92a/python_box-6.1.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:ac44b3b85714a4575cc273b5dbd39ef739f938ef6c522d6757704a29e7797d16", size = 1571634, upload-time = "2022-10-29T22:32:40.118Z" }, - { url = "https://files.pythonhosted.org/packages/8b/b4/ae3736cfc3970fe6ee348620780811c016fe4c01d2d0ff4a3a19f4eff5f7/python_box-6.1.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3f0036f91e13958d2b37d2bc74c1197aa36ffd66755342eb64910f63d8a2990f", size = 3546030, upload-time = "2022-10-29T22:35:05.688Z" }, - { url = "https://files.pythonhosted.org/packages/f3/7d/5cc1f3145792b803ee6debc82d1faf791659baa15c2de7b1d9318adbcd68/python_box-6.1.0-cp311-cp311-win_amd64.whl", hash = "sha256:af6bcee7e1abe9251e9a41ca9ab677e1f679f6059321cfbae7e78a3831e0b736", size = 957417, upload-time = "2022-10-29T22:33:41.542Z" }, - { url = "https://files.pythonhosted.org/packages/88/c6/6d1e368710cb6c458ed692d179d7e101ebce80a3e640b2e74cc7ae886d6f/python_box-6.1.0-py3-none-any.whl", hash = "sha256:bdec0a5f5a17b01fc538d292602a077aa8c641fb121e1900dff0591791af80e8", size = 27277, upload-time = "2022-10-29T22:30:43.645Z" }, -] - -[[package]] -name = "python-dateutil" -version = "2.9.0.post0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "six" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/66/c0/0c8b6ad9f17a802ee498c46e004a0eb49bc148f2fd230864601a86dcf6db/python-dateutil-2.9.0.post0.tar.gz", hash = "sha256:37dd54208da7e1cd875388217d5e00ebd4179249f90fb72437e91a35459a0ad3", size = 342432, upload-time = "2024-03-01T18:36:20.211Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ec/57/56b9bcc3c9c6a792fcbaf139543cee77261f3651ca9da0c93f5c1221264b/python_dateutil-2.9.0.post0-py2.py3-none-any.whl", hash = "sha256:a8b2bc7bffae282281c8140a97d3aa9c14da0b136dfe83f850eea9a5f7470427", size = 229892, upload-time = "2024-03-01T18:36:18.57Z" }, -] - -[[package]] -name = "python-dotenv" -version = "1.2.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f0/26/19cadc79a718c5edbec86fd4919a6b6d3f681039a2f6d66d14be94e75fb9/python_dotenv-1.2.1.tar.gz", hash = "sha256:42667e897e16ab0d66954af0e60a9caa94f0fd4ecf3aaf6d2d260eec1aa36ad6", size = 44221, upload-time = "2025-10-26T15:12:10.434Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/14/1b/a298b06749107c305e1fe0f814c6c74aea7b2f1e10989cb30f544a1b3253/python_dotenv-1.2.1-py3-none-any.whl", hash = "sha256:b81ee9561e9ca4004139c6cbba3a238c32b03e4894671e181b671e8cb8425d61", size = 21230, upload-time = "2025-10-26T15:12:09.109Z" }, -] - -[[package]] -name = "python-json-logger" -version = "4.0.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/29/bf/eca6a3d43db1dae7070f70e160ab20b807627ba953663ba07928cdd3dc58/python_json_logger-4.0.0.tar.gz", hash = "sha256:f58e68eb46e1faed27e0f574a55a0455eecd7b8a5b88b85a784519ba3cff047f", size = 17683, upload-time = "2025-10-06T04:15:18.984Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/51/e5/fecf13f06e5e5f67e8837d777d1bc43fac0ed2b77a676804df5c34744727/python_json_logger-4.0.0-py3-none-any.whl", hash = "sha256:af09c9daf6a813aa4cc7180395f50f2a9e5fa056034c9953aec92e381c5ba1e2", size = 15548, upload-time = "2025-10-06T04:15:17.553Z" }, -] - -[[package]] -name = "python-multipart" -version = "0.0.20" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f3/87/f44d7c9f274c7ee665a29b885ec97089ec5dc034c7f3fafa03da9e39a09e/python_multipart-0.0.20.tar.gz", hash = "sha256:8dd0cab45b8e23064ae09147625994d090fa46f5b0d1e13af944c331a7fa9d13", size = 37158, upload-time = "2024-12-16T19:45:46.972Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/45/58/38b5afbc1a800eeea951b9285d3912613f2603bdf897a4ab0f4bd7f405fc/python_multipart-0.0.20-py3-none-any.whl", hash = "sha256:8a62d3a8335e06589fe01f2a3e178cdcc632f3fbe0d492ad9ee0ec35aab1f104", size = 24546, upload-time = "2024-12-16T19:45:44.423Z" }, -] - -[[package]] -name = "pytorch-lightning" -version = "2.5.5" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "fsspec", extra = ["http"] }, - { name = "lightning-utilities" }, - { name = "packaging" }, - { name = "pyyaml" }, - { name = "torch", version = "2.5.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.5.1+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.6.0+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0+xpu", source = { registry = "https://download.pytorch.org/whl/xpu" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.9.0+cu130", source = { registry = "https://download.pytorch.org/whl/cu130" }, marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchmetrics" }, - { name = "tqdm" }, - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/16/78/bce84aab9a5b3b2e9d087d4f1a6be9b481adbfaac4903bc9daaaf09d49a3/pytorch_lightning-2.5.5.tar.gz", hash = "sha256:d6fc8173d1d6e49abfd16855ea05d2eb2415e68593f33d43e59028ecb4e64087", size = 643703, upload-time = "2025-09-05T16:01:18.313Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/04/f6/99a5c66478f469598dee25b0e29b302b5bddd4e03ed0da79608ac964056e/pytorch_lightning-2.5.5-py3-none-any.whl", hash = "sha256:0b533991df2353c0c6ea9ca10a7d0728b73631fd61f5a15511b19bee2aef8af0", size = 832431, upload-time = "2025-09-05T16:01:16.234Z" }, -] - -[[package]] -name = "pytorch-triton-rocm" -version = "3.2.0" -source = { registry = "https://download.pytorch.org/whl/rocm6.1" } -resolution-markers = [ - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -wheels = [ - { url = "https://download.pytorch.org/whl/pytorch_triton_rocm-3.2.0-cp310-cp310-linux_x86_64.whl", hash = "sha256:24b893a8f5ec5bb770a75b34c7a67c08970193409a19dcd5de0071d22ad73278" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_rocm-3.2.0-cp311-cp311-linux_x86_64.whl", hash = "sha256:54d13ab44cbc9f157549cd8e46ec9b94b2ef3da3ced658497eeed206daa53d5f" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_rocm-3.2.0-cp312-cp312-linux_x86_64.whl", hash = "sha256:76523e0e01d996ca0eeddf77e2436f696155cbb40a97f0759c00c0a1e8c2ae17" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_rocm-3.2.0-cp313-cp313-linux_x86_64.whl", hash = "sha256:57b33cdf2063f3c1b52ce38fc12843ab8ba4383035dab4c67194b5313d83c3eb" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_rocm-3.2.0-cp313-cp313t-linux_x86_64.whl", hash = "sha256:4f07fbb0201218e1d2892cae5ba78edf2d60f15066ae794d63c2d786d1fb137e" }, -] - -[[package]] -name = "pytorch-triton-rocm" -version = "3.5.0" -source = { registry = "https://download.pytorch.org/whl/rocm6.1" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", -] -wheels = [ - { url = "https://download.pytorch.org/whl/pytorch_triton_rocm-3.5.0-cp310-cp310-linux_x86_64.whl", hash = "sha256:f2ea8cb272afcdb8b08a85eb947ed01d0921a56b26aee8648c6d1de1aaf4db08" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_rocm-3.5.0-cp311-cp311-linux_x86_64.whl", hash = "sha256:b3d4624a662e0dfad60d679166047840415e16ed62df93ac9f8d3685dc9869d7" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_rocm-3.5.0-cp312-cp312-linux_x86_64.whl", hash = "sha256:b3a209621d0433367c489e8dce90ebc4c7c9e3bfe1c2b7adc928344f8290d5f5" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_rocm-3.5.0-cp313-cp313-linux_x86_64.whl", hash = "sha256:bd2fab6dfb077dfc11fb581c5d33a0ee2d43ea13415530d095d1d5326d85d8b2" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_rocm-3.5.0-cp313-cp313t-linux_x86_64.whl", hash = "sha256:0922f3ed8cd09f7d7f3a62138808efc9cdf9c9ee2913e00786e948b10f091fb0" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_rocm-3.5.0-cp314-cp314-linux_x86_64.whl", hash = "sha256:af67c42a8022fc4de3ddb707a201bd0cd49a41ca761bf3da0537b3e127e5b4d0" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_rocm-3.5.0-cp314-cp314t-linux_x86_64.whl", hash = "sha256:cdf579cf1982ade33011e5eafe0f741a2bfa1560075b23412e41b681d1fb8ca4" }, -] - -[[package]] -name = "pytorch-triton-xpu" -version = "3.4.0" -source = { registry = "https://download.pytorch.org/whl/xpu" } -dependencies = [ - { name = "setuptools", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/pytorch_triton_xpu-3.4.0-cp310-cp310-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:999fef4c1f711092b9d3086525920545df490de476ecebe899ffc777019ae17f" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_xpu-3.4.0-cp310-cp310-win_amd64.whl", hash = "sha256:ae573d255b257fdbed319a3440dc9d0a721e31160ab7f6eba1b2226e6a409a1d" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_xpu-3.4.0-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:57b09c8c492985ff6a27cd3a22b08e8f7b96b407bd8030967b6efbb9f63b80cf" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_xpu-3.4.0-cp311-cp311-win_amd64.whl", hash = "sha256:8e0ea4558e5776d8ddab0264310be9b26aee5641bcac0da023537556d4317b86" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_xpu-3.4.0-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:df4bb3282bac9a3b90231700077110d8680b338416de03c2b7c6133c9b602649" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_xpu-3.4.0-cp312-cp312-win_amd64.whl", hash = "sha256:4090dde07a4fffc34aaf855701a9db28e9fccb57b368ade520f1a0f8e811c878" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_xpu-3.4.0-cp313-cp313-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:60da63c99ca827bdcb0df28e0298bf7d066dc607454c6d6176783cb4e79d838b" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_xpu-3.4.0-cp313-cp313-win_amd64.whl", hash = "sha256:a33d0888f3c8df028a2d028842715837d0049524d6c06b9bb11869890a13601a" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_xpu-3.4.0-cp313-cp313t-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:80a182fd35969d7d8b770b2c15153998dc1192d3276380fe354681444097a1d6" }, - { url = "https://download.pytorch.org/whl/pytorch_triton_xpu-3.4.0-cp313-cp313t-win_amd64.whl", hash = "sha256:3bc4a58561e5055bfb33156712905de3c11740fd4579774e4994d516926234da" }, -] - -[[package]] -name = "pytz" -version = "2025.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f8/bf/abbd3cdfb8fbc7fb3d4d38d320f2441b1e7cbe29be4f23797b4a2b5d8aac/pytz-2025.2.tar.gz", hash = "sha256:360b9e3dbb49a209c21ad61809c7fb453643e048b38924c765813546746e81c3", size = 320884, upload-time = "2025-03-25T02:25:00.538Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/81/c4/34e93fe5f5429d7570ec1fa436f1986fb1f00c3e0f43a589fe2bbcd22c3f/pytz-2025.2-py2.py3-none-any.whl", hash = "sha256:5ddf76296dd8c44c26eb8f4b6f35488f3ccbf6fbbd7adee0b7262d43f0ec2f00", size = 509225, upload-time = "2025-03-25T02:24:58.468Z" }, -] - -[[package]] -name = "pywin32" -version = "311" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/7b/40/44efbb0dfbd33aca6a6483191dae0716070ed99e2ecb0c53683f400a0b4f/pywin32-311-cp310-cp310-win32.whl", hash = "sha256:d03ff496d2a0cd4a5893504789d4a15399133fe82517455e78bad62efbb7f0a3", size = 8760432, upload-time = "2025-07-14T20:13:05.9Z" }, - { url = "https://files.pythonhosted.org/packages/5e/bf/360243b1e953bd254a82f12653974be395ba880e7ec23e3731d9f73921cc/pywin32-311-cp310-cp310-win_amd64.whl", hash = "sha256:797c2772017851984b97180b0bebe4b620bb86328e8a884bb626156295a63b3b", size = 9590103, upload-time = "2025-07-14T20:13:07.698Z" }, - { url = "https://files.pythonhosted.org/packages/57/38/d290720e6f138086fb3d5ffe0b6caa019a791dd57866940c82e4eeaf2012/pywin32-311-cp310-cp310-win_arm64.whl", hash = "sha256:0502d1facf1fed4839a9a51ccbcc63d952cf318f78ffc00a7e78528ac27d7a2b", size = 8778557, upload-time = "2025-07-14T20:13:11.11Z" }, - { url = "https://files.pythonhosted.org/packages/7c/af/449a6a91e5d6db51420875c54f6aff7c97a86a3b13a0b4f1a5c13b988de3/pywin32-311-cp311-cp311-win32.whl", hash = "sha256:184eb5e436dea364dcd3d2316d577d625c0351bf237c4e9a5fabbcfa5a58b151", size = 8697031, upload-time = "2025-07-14T20:13:13.266Z" }, - { url = "https://files.pythonhosted.org/packages/51/8f/9bb81dd5bb77d22243d33c8397f09377056d5c687aa6d4042bea7fbf8364/pywin32-311-cp311-cp311-win_amd64.whl", hash = "sha256:3ce80b34b22b17ccbd937a6e78e7225d80c52f5ab9940fe0506a1a16f3dab503", size = 9508308, upload-time = "2025-07-14T20:13:15.147Z" }, - { url = "https://files.pythonhosted.org/packages/44/7b/9c2ab54f74a138c491aba1b1cd0795ba61f144c711daea84a88b63dc0f6c/pywin32-311-cp311-cp311-win_arm64.whl", hash = "sha256:a733f1388e1a842abb67ffa8e7aad0e70ac519e09b0f6a784e65a136ec7cefd2", size = 8703930, upload-time = "2025-07-14T20:13:16.945Z" }, - { url = "https://files.pythonhosted.org/packages/e7/ab/01ea1943d4eba0f850c3c61e78e8dd59757ff815ff3ccd0a84de5f541f42/pywin32-311-cp312-cp312-win32.whl", hash = "sha256:750ec6e621af2b948540032557b10a2d43b0cee2ae9758c54154d711cc852d31", size = 8706543, upload-time = "2025-07-14T20:13:20.765Z" }, - { url = "https://files.pythonhosted.org/packages/d1/a8/a0e8d07d4d051ec7502cd58b291ec98dcc0c3fff027caad0470b72cfcc2f/pywin32-311-cp312-cp312-win_amd64.whl", hash = "sha256:b8c095edad5c211ff31c05223658e71bf7116daa0ecf3ad85f3201ea3190d067", size = 9495040, upload-time = "2025-07-14T20:13:22.543Z" }, - { url = "https://files.pythonhosted.org/packages/ba/3a/2ae996277b4b50f17d61f0603efd8253cb2d79cc7ae159468007b586396d/pywin32-311-cp312-cp312-win_arm64.whl", hash = "sha256:e286f46a9a39c4a18b319c28f59b61de793654af2f395c102b4f819e584b5852", size = 8710102, upload-time = "2025-07-14T20:13:24.682Z" }, - { url = "https://files.pythonhosted.org/packages/a5/be/3fd5de0979fcb3994bfee0d65ed8ca9506a8a1260651b86174f6a86f52b3/pywin32-311-cp313-cp313-win32.whl", hash = "sha256:f95ba5a847cba10dd8c4d8fefa9f2a6cf283b8b88ed6178fa8a6c1ab16054d0d", size = 8705700, upload-time = "2025-07-14T20:13:26.471Z" }, - { url = "https://files.pythonhosted.org/packages/e3/28/e0a1909523c6890208295a29e05c2adb2126364e289826c0a8bc7297bd5c/pywin32-311-cp313-cp313-win_amd64.whl", hash = "sha256:718a38f7e5b058e76aee1c56ddd06908116d35147e133427e59a3983f703a20d", size = 9494700, upload-time = "2025-07-14T20:13:28.243Z" }, - { url = "https://files.pythonhosted.org/packages/04/bf/90339ac0f55726dce7d794e6d79a18a91265bdf3aa70b6b9ca52f35e022a/pywin32-311-cp313-cp313-win_arm64.whl", hash = "sha256:7b4075d959648406202d92a2310cb990fea19b535c7f4a78d3f5e10b926eeb8a", size = 8709318, upload-time = "2025-07-14T20:13:30.348Z" }, - { url = "https://files.pythonhosted.org/packages/c9/31/097f2e132c4f16d99a22bfb777e0fd88bd8e1c634304e102f313af69ace5/pywin32-311-cp314-cp314-win32.whl", hash = "sha256:b7a2c10b93f8986666d0c803ee19b5990885872a7de910fc460f9b0c2fbf92ee", size = 8840714, upload-time = "2025-07-14T20:13:32.449Z" }, - { url = "https://files.pythonhosted.org/packages/90/4b/07c77d8ba0e01349358082713400435347df8426208171ce297da32c313d/pywin32-311-cp314-cp314-win_amd64.whl", hash = "sha256:3aca44c046bd2ed8c90de9cb8427f581c479e594e99b5c0bb19b29c10fd6cb87", size = 9656800, upload-time = "2025-07-14T20:13:34.312Z" }, - { url = "https://files.pythonhosted.org/packages/c0/d2/21af5c535501a7233e734b8af901574572da66fcc254cb35d0609c9080dd/pywin32-311-cp314-cp314-win_arm64.whl", hash = "sha256:a508e2d9025764a8270f93111a970e1d0fbfc33f4153b388bb649b7eec4f9b42", size = 8932540, upload-time = "2025-07-14T20:13:36.379Z" }, -] - -[[package]] -name = "pywinpty" -version = "3.0.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f3/bb/a7cc2967c5c4eceb6cc49cfe39447d4bfc56e6c865e7c2249b6eb978935f/pywinpty-3.0.2.tar.gz", hash = "sha256:1505cc4cb248af42cb6285a65c9c2086ee9e7e574078ee60933d5d7fa86fb004", size = 30669, upload-time = "2025-10-03T21:16:29.205Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/3e/f5/b17ae550841949c217ad557ee445b4a14e9c0b506ae51ee087eff53428a6/pywinpty-3.0.2-cp310-cp310-win_amd64.whl", hash = "sha256:65db57fd3387d71e8372b6a54269cbcd0f6dfa6d4616a29e0af749ec19f5c558", size = 2050330, upload-time = "2025-10-03T21:20:15.656Z" }, - { url = "https://files.pythonhosted.org/packages/a6/a1/409c1651c9f874d598c10f51ff586c416625601df4bca315d08baec4c3e3/pywinpty-3.0.2-cp311-cp311-win_amd64.whl", hash = "sha256:327790d70e4c841ebd9d0f295a780177149aeb405bca44c7115a3de5c2054b23", size = 2050304, upload-time = "2025-10-03T21:19:29.466Z" }, - { url = "https://files.pythonhosted.org/packages/02/4e/1098484e042c9485f56f16eb2b69b43b874bd526044ee401512234cf9e04/pywinpty-3.0.2-cp312-cp312-win_amd64.whl", hash = "sha256:99fdd9b455f0ad6419aba6731a7a0d2f88ced83c3c94a80ff9533d95fa8d8a9e", size = 2050391, upload-time = "2025-10-03T21:19:01.642Z" }, - { url = "https://files.pythonhosted.org/packages/fc/19/b757fe28008236a4a713e813283721b8a40aa60cd7d3f83549f2e25a3155/pywinpty-3.0.2-cp313-cp313-win_amd64.whl", hash = "sha256:18f78b81e4cfee6aabe7ea8688441d30247b73e52cd9657138015c5f4ee13a51", size = 2050057, upload-time = "2025-10-03T21:19:26.732Z" }, - { url = "https://files.pythonhosted.org/packages/cb/44/cbae12ecf6f4fa4129c36871fd09c6bef4f98d5f625ecefb5e2449765508/pywinpty-3.0.2-cp313-cp313t-win_amd64.whl", hash = "sha256:663383ecfab7fc382cc97ea5c4f7f0bb32c2f889259855df6ea34e5df42d305b", size = 2049874, upload-time = "2025-10-03T21:18:53.923Z" }, - { url = "https://files.pythonhosted.org/packages/ca/15/f12c6055e2d7a617d4d5820e8ac4ceaff849da4cb124640ef5116a230771/pywinpty-3.0.2-cp314-cp314-win_amd64.whl", hash = "sha256:28297cecc37bee9f24d8889e47231972d6e9e84f7b668909de54f36ca785029a", size = 2050386, upload-time = "2025-10-03T21:18:50.477Z" }, - { url = "https://files.pythonhosted.org/packages/de/24/c6907c5bb06043df98ad6a0a0ff5db2e0affcecbc3b15c42404393a3f72a/pywinpty-3.0.2-cp314-cp314t-win_amd64.whl", hash = "sha256:34b55ae9a1b671fe3eae071d86618110538e8eaad18fcb1531c0830b91a82767", size = 2049834, upload-time = "2025-10-03T21:19:25.688Z" }, -] - -[[package]] -name = "pyyaml" -version = "6.0.3" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/05/8e/961c0007c59b8dd7729d542c61a4d537767a59645b82a0b521206e1e25c2/pyyaml-6.0.3.tar.gz", hash = "sha256:d76623373421df22fb4cf8817020cbb7ef15c725b9d5e45f17e189bfc384190f", size = 130960, upload-time = "2025-09-25T21:33:16.546Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/f4/a0/39350dd17dd6d6c6507025c0e53aef67a9293a6d37d3511f23ea510d5800/pyyaml-6.0.3-cp310-cp310-macosx_10_13_x86_64.whl", hash = "sha256:214ed4befebe12df36bcc8bc2b64b396ca31be9304b8f59e25c11cf94a4c033b", size = 184227, upload-time = "2025-09-25T21:31:46.04Z" }, - { url = "https://files.pythonhosted.org/packages/05/14/52d505b5c59ce73244f59c7a50ecf47093ce4765f116cdb98286a71eeca2/pyyaml-6.0.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:02ea2dfa234451bbb8772601d7b8e426c2bfa197136796224e50e35a78777956", size = 174019, upload-time = "2025-09-25T21:31:47.706Z" }, - { url = "https://files.pythonhosted.org/packages/43/f7/0e6a5ae5599c838c696adb4e6330a59f463265bfa1e116cfd1fbb0abaaae/pyyaml-6.0.3-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:b30236e45cf30d2b8e7b3e85881719e98507abed1011bf463a8fa23e9c3e98a8", size = 740646, upload-time = "2025-09-25T21:31:49.21Z" }, - { url = "https://files.pythonhosted.org/packages/2f/3a/61b9db1d28f00f8fd0ae760459a5c4bf1b941baf714e207b6eb0657d2578/pyyaml-6.0.3-cp310-cp310-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:66291b10affd76d76f54fad28e22e51719ef9ba22b29e1d7d03d6777a9174198", size = 840793, upload-time = "2025-09-25T21:31:50.735Z" }, - { url = "https://files.pythonhosted.org/packages/7a/1e/7acc4f0e74c4b3d9531e24739e0ab832a5edf40e64fbae1a9c01941cabd7/pyyaml-6.0.3-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:9c7708761fccb9397fe64bbc0395abcae8c4bf7b0eac081e12b809bf47700d0b", size = 770293, upload-time = "2025-09-25T21:31:51.828Z" }, - { url = "https://files.pythonhosted.org/packages/8b/ef/abd085f06853af0cd59fa5f913d61a8eab65d7639ff2a658d18a25d6a89d/pyyaml-6.0.3-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:418cf3f2111bc80e0933b2cd8cd04f286338bb88bdc7bc8e6dd775ebde60b5e0", size = 732872, upload-time = "2025-09-25T21:31:53.282Z" }, - { url = "https://files.pythonhosted.org/packages/1f/15/2bc9c8faf6450a8b3c9fc5448ed869c599c0a74ba2669772b1f3a0040180/pyyaml-6.0.3-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:5e0b74767e5f8c593e8c9b5912019159ed0533c70051e9cce3e8b6aa699fcd69", size = 758828, upload-time = "2025-09-25T21:31:54.807Z" }, - { url = "https://files.pythonhosted.org/packages/a3/00/531e92e88c00f4333ce359e50c19b8d1de9fe8d581b1534e35ccfbc5f393/pyyaml-6.0.3-cp310-cp310-win32.whl", hash = "sha256:28c8d926f98f432f88adc23edf2e6d4921ac26fb084b028c733d01868d19007e", size = 142415, upload-time = "2025-09-25T21:31:55.885Z" }, - { url = "https://files.pythonhosted.org/packages/2a/fa/926c003379b19fca39dd4634818b00dec6c62d87faf628d1394e137354d4/pyyaml-6.0.3-cp310-cp310-win_amd64.whl", hash = "sha256:bdb2c67c6c1390b63c6ff89f210c8fd09d9a1217a465701eac7316313c915e4c", size = 158561, upload-time = "2025-09-25T21:31:57.406Z" }, - { url = "https://files.pythonhosted.org/packages/6d/16/a95b6757765b7b031c9374925bb718d55e0a9ba8a1b6a12d25962ea44347/pyyaml-6.0.3-cp311-cp311-macosx_10_13_x86_64.whl", hash = "sha256:44edc647873928551a01e7a563d7452ccdebee747728c1080d881d68af7b997e", size = 185826, upload-time = "2025-09-25T21:31:58.655Z" }, - { url = "https://files.pythonhosted.org/packages/16/19/13de8e4377ed53079ee996e1ab0a9c33ec2faf808a4647b7b4c0d46dd239/pyyaml-6.0.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:652cb6edd41e718550aad172851962662ff2681490a8a711af6a4d288dd96824", size = 175577, upload-time = "2025-09-25T21:32:00.088Z" }, - { url = "https://files.pythonhosted.org/packages/0c/62/d2eb46264d4b157dae1275b573017abec435397aa59cbcdab6fc978a8af4/pyyaml-6.0.3-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:10892704fc220243f5305762e276552a0395f7beb4dbf9b14ec8fd43b57f126c", size = 775556, upload-time = "2025-09-25T21:32:01.31Z" }, - { url = "https://files.pythonhosted.org/packages/10/cb/16c3f2cf3266edd25aaa00d6c4350381c8b012ed6f5276675b9eba8d9ff4/pyyaml-6.0.3-cp311-cp311-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:850774a7879607d3a6f50d36d04f00ee69e7fc816450e5f7e58d7f17f1ae5c00", size = 882114, upload-time = "2025-09-25T21:32:03.376Z" }, - { url = "https://files.pythonhosted.org/packages/71/60/917329f640924b18ff085ab889a11c763e0b573da888e8404ff486657602/pyyaml-6.0.3-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:b8bb0864c5a28024fac8a632c443c87c5aa6f215c0b126c449ae1a150412f31d", size = 806638, upload-time = "2025-09-25T21:32:04.553Z" }, - { url = "https://files.pythonhosted.org/packages/dd/6f/529b0f316a9fd167281a6c3826b5583e6192dba792dd55e3203d3f8e655a/pyyaml-6.0.3-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:1d37d57ad971609cf3c53ba6a7e365e40660e3be0e5175fa9f2365a379d6095a", size = 767463, upload-time = "2025-09-25T21:32:06.152Z" }, - { url = "https://files.pythonhosted.org/packages/f2/6a/b627b4e0c1dd03718543519ffb2f1deea4a1e6d42fbab8021936a4d22589/pyyaml-6.0.3-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:37503bfbfc9d2c40b344d06b2199cf0e96e97957ab1c1b546fd4f87e53e5d3e4", size = 794986, upload-time = "2025-09-25T21:32:07.367Z" }, - { url = "https://files.pythonhosted.org/packages/45/91/47a6e1c42d9ee337c4839208f30d9f09caa9f720ec7582917b264defc875/pyyaml-6.0.3-cp311-cp311-win32.whl", hash = "sha256:8098f252adfa6c80ab48096053f512f2321f0b998f98150cea9bd23d83e1467b", size = 142543, upload-time = "2025-09-25T21:32:08.95Z" }, - { url = "https://files.pythonhosted.org/packages/da/e3/ea007450a105ae919a72393cb06f122f288ef60bba2dc64b26e2646fa315/pyyaml-6.0.3-cp311-cp311-win_amd64.whl", hash = "sha256:9f3bfb4965eb874431221a3ff3fdcddc7e74e3b07799e0e84ca4a0f867d449bf", size = 158763, upload-time = "2025-09-25T21:32:09.96Z" }, - { url = "https://files.pythonhosted.org/packages/d1/33/422b98d2195232ca1826284a76852ad5a86fe23e31b009c9886b2d0fb8b2/pyyaml-6.0.3-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:7f047e29dcae44602496db43be01ad42fc6f1cc0d8cd6c83d342306c32270196", size = 182063, upload-time = "2025-09-25T21:32:11.445Z" }, - { url = "https://files.pythonhosted.org/packages/89/a0/6cf41a19a1f2f3feab0e9c0b74134aa2ce6849093d5517a0c550fe37a648/pyyaml-6.0.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:fc09d0aa354569bc501d4e787133afc08552722d3ab34836a80547331bb5d4a0", size = 173973, upload-time = "2025-09-25T21:32:12.492Z" }, - { url = "https://files.pythonhosted.org/packages/ed/23/7a778b6bd0b9a8039df8b1b1d80e2e2ad78aa04171592c8a5c43a56a6af4/pyyaml-6.0.3-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:9149cad251584d5fb4981be1ecde53a1ca46c891a79788c0df828d2f166bda28", size = 775116, upload-time = "2025-09-25T21:32:13.652Z" }, - { url = "https://files.pythonhosted.org/packages/65/30/d7353c338e12baef4ecc1b09e877c1970bd3382789c159b4f89d6a70dc09/pyyaml-6.0.3-cp312-cp312-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:5fdec68f91a0c6739b380c83b951e2c72ac0197ace422360e6d5a959d8d97b2c", size = 844011, upload-time = "2025-09-25T21:32:15.21Z" }, - { url = "https://files.pythonhosted.org/packages/8b/9d/b3589d3877982d4f2329302ef98a8026e7f4443c765c46cfecc8858c6b4b/pyyaml-6.0.3-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:ba1cc08a7ccde2d2ec775841541641e4548226580ab850948cbfda66a1befcdc", size = 807870, upload-time = "2025-09-25T21:32:16.431Z" }, - { url = "https://files.pythonhosted.org/packages/05/c0/b3be26a015601b822b97d9149ff8cb5ead58c66f981e04fedf4e762f4bd4/pyyaml-6.0.3-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:8dc52c23056b9ddd46818a57b78404882310fb473d63f17b07d5c40421e47f8e", size = 761089, upload-time = "2025-09-25T21:32:17.56Z" }, - { url = "https://files.pythonhosted.org/packages/be/8e/98435a21d1d4b46590d5459a22d88128103f8da4c2d4cb8f14f2a96504e1/pyyaml-6.0.3-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:41715c910c881bc081f1e8872880d3c650acf13dfa8214bad49ed4cede7c34ea", size = 790181, upload-time = "2025-09-25T21:32:18.834Z" }, - { url = "https://files.pythonhosted.org/packages/74/93/7baea19427dcfbe1e5a372d81473250b379f04b1bd3c4c5ff825e2327202/pyyaml-6.0.3-cp312-cp312-win32.whl", hash = "sha256:96b533f0e99f6579b3d4d4995707cf36df9100d67e0c8303a0c55b27b5f99bc5", size = 137658, upload-time = "2025-09-25T21:32:20.209Z" }, - { url = "https://files.pythonhosted.org/packages/86/bf/899e81e4cce32febab4fb42bb97dcdf66bc135272882d1987881a4b519e9/pyyaml-6.0.3-cp312-cp312-win_amd64.whl", hash = "sha256:5fcd34e47f6e0b794d17de1b4ff496c00986e1c83f7ab2fb8fcfe9616ff7477b", size = 154003, upload-time = "2025-09-25T21:32:21.167Z" }, - { url = "https://files.pythonhosted.org/packages/1a/08/67bd04656199bbb51dbed1439b7f27601dfb576fb864099c7ef0c3e55531/pyyaml-6.0.3-cp312-cp312-win_arm64.whl", hash = "sha256:64386e5e707d03a7e172c0701abfb7e10f0fb753ee1d773128192742712a98fd", size = 140344, upload-time = "2025-09-25T21:32:22.617Z" }, - { url = "https://files.pythonhosted.org/packages/d1/11/0fd08f8192109f7169db964b5707a2f1e8b745d4e239b784a5a1dd80d1db/pyyaml-6.0.3-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:8da9669d359f02c0b91ccc01cac4a67f16afec0dac22c2ad09f46bee0697eba8", size = 181669, upload-time = "2025-09-25T21:32:23.673Z" }, - { url = "https://files.pythonhosted.org/packages/b1/16/95309993f1d3748cd644e02e38b75d50cbc0d9561d21f390a76242ce073f/pyyaml-6.0.3-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:2283a07e2c21a2aa78d9c4442724ec1eb15f5e42a723b99cb3d822d48f5f7ad1", size = 173252, upload-time = "2025-09-25T21:32:25.149Z" }, - { url = "https://files.pythonhosted.org/packages/50/31/b20f376d3f810b9b2371e72ef5adb33879b25edb7a6d072cb7ca0c486398/pyyaml-6.0.3-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:ee2922902c45ae8ccada2c5b501ab86c36525b883eff4255313a253a3160861c", size = 767081, upload-time = "2025-09-25T21:32:26.575Z" }, - { url = "https://files.pythonhosted.org/packages/49/1e/a55ca81e949270d5d4432fbbd19dfea5321eda7c41a849d443dc92fd1ff7/pyyaml-6.0.3-cp313-cp313-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:a33284e20b78bd4a18c8c2282d549d10bc8408a2a7ff57653c0cf0b9be0afce5", size = 841159, upload-time = "2025-09-25T21:32:27.727Z" }, - { url = "https://files.pythonhosted.org/packages/74/27/e5b8f34d02d9995b80abcef563ea1f8b56d20134d8f4e5e81733b1feceb2/pyyaml-6.0.3-cp313-cp313-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:0f29edc409a6392443abf94b9cf89ce99889a1dd5376d94316ae5145dfedd5d6", size = 801626, upload-time = "2025-09-25T21:32:28.878Z" }, - { url = "https://files.pythonhosted.org/packages/f9/11/ba845c23988798f40e52ba45f34849aa8a1f2d4af4b798588010792ebad6/pyyaml-6.0.3-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:f7057c9a337546edc7973c0d3ba84ddcdf0daa14533c2065749c9075001090e6", size = 753613, upload-time = "2025-09-25T21:32:30.178Z" }, - { url = "https://files.pythonhosted.org/packages/3d/e0/7966e1a7bfc0a45bf0a7fb6b98ea03fc9b8d84fa7f2229e9659680b69ee3/pyyaml-6.0.3-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:eda16858a3cab07b80edaf74336ece1f986ba330fdb8ee0d6c0d68fe82bc96be", size = 794115, upload-time = "2025-09-25T21:32:31.353Z" }, - { url = "https://files.pythonhosted.org/packages/de/94/980b50a6531b3019e45ddeada0626d45fa85cbe22300844a7983285bed3b/pyyaml-6.0.3-cp313-cp313-win32.whl", hash = "sha256:d0eae10f8159e8fdad514efdc92d74fd8d682c933a6dd088030f3834bc8e6b26", size = 137427, upload-time = "2025-09-25T21:32:32.58Z" }, - { url = "https://files.pythonhosted.org/packages/97/c9/39d5b874e8b28845e4ec2202b5da735d0199dbe5b8fb85f91398814a9a46/pyyaml-6.0.3-cp313-cp313-win_amd64.whl", hash = "sha256:79005a0d97d5ddabfeeea4cf676af11e647e41d81c9a7722a193022accdb6b7c", size = 154090, upload-time = "2025-09-25T21:32:33.659Z" }, - { url = "https://files.pythonhosted.org/packages/73/e8/2bdf3ca2090f68bb3d75b44da7bbc71843b19c9f2b9cb9b0f4ab7a5a4329/pyyaml-6.0.3-cp313-cp313-win_arm64.whl", hash = "sha256:5498cd1645aa724a7c71c8f378eb29ebe23da2fc0d7a08071d89469bf1d2defb", size = 140246, upload-time = "2025-09-25T21:32:34.663Z" }, - { url = "https://files.pythonhosted.org/packages/9d/8c/f4bd7f6465179953d3ac9bc44ac1a8a3e6122cf8ada906b4f96c60172d43/pyyaml-6.0.3-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:8d1fab6bb153a416f9aeb4b8763bc0f22a5586065f86f7664fc23339fc1c1fac", size = 181814, upload-time = "2025-09-25T21:32:35.712Z" }, - { url = "https://files.pythonhosted.org/packages/bd/9c/4d95bb87eb2063d20db7b60faa3840c1b18025517ae857371c4dd55a6b3a/pyyaml-6.0.3-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:34d5fcd24b8445fadc33f9cf348c1047101756fd760b4dacb5c3e99755703310", size = 173809, upload-time = "2025-09-25T21:32:36.789Z" }, - { url = "https://files.pythonhosted.org/packages/92/b5/47e807c2623074914e29dabd16cbbdd4bf5e9b2db9f8090fa64411fc5382/pyyaml-6.0.3-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:501a031947e3a9025ed4405a168e6ef5ae3126c59f90ce0cd6f2bfc477be31b7", size = 766454, upload-time = "2025-09-25T21:32:37.966Z" }, - { url = "https://files.pythonhosted.org/packages/02/9e/e5e9b168be58564121efb3de6859c452fccde0ab093d8438905899a3a483/pyyaml-6.0.3-cp314-cp314-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:b3bc83488de33889877a0f2543ade9f70c67d66d9ebb4ac959502e12de895788", size = 836355, upload-time = "2025-09-25T21:32:39.178Z" }, - { url = "https://files.pythonhosted.org/packages/88/f9/16491d7ed2a919954993e48aa941b200f38040928474c9e85ea9e64222c3/pyyaml-6.0.3-cp314-cp314-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:c458b6d084f9b935061bc36216e8a69a7e293a2f1e68bf956dcd9e6cbcd143f5", size = 794175, upload-time = "2025-09-25T21:32:40.865Z" }, - { url = "https://files.pythonhosted.org/packages/dd/3f/5989debef34dc6397317802b527dbbafb2b4760878a53d4166579111411e/pyyaml-6.0.3-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:7c6610def4f163542a622a73fb39f534f8c101d690126992300bf3207eab9764", size = 755228, upload-time = "2025-09-25T21:32:42.084Z" }, - { url = "https://files.pythonhosted.org/packages/d7/ce/af88a49043cd2e265be63d083fc75b27b6ed062f5f9fd6cdc223ad62f03e/pyyaml-6.0.3-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:5190d403f121660ce8d1d2c1bb2ef1bd05b5f68533fc5c2ea899bd15f4399b35", size = 789194, upload-time = "2025-09-25T21:32:43.362Z" }, - { url = "https://files.pythonhosted.org/packages/23/20/bb6982b26a40bb43951265ba29d4c246ef0ff59c9fdcdf0ed04e0687de4d/pyyaml-6.0.3-cp314-cp314-win_amd64.whl", hash = "sha256:4a2e8cebe2ff6ab7d1050ecd59c25d4c8bd7e6f400f5f82b96557ac0abafd0ac", size = 156429, upload-time = "2025-09-25T21:32:57.844Z" }, - { url = "https://files.pythonhosted.org/packages/f4/f4/a4541072bb9422c8a883ab55255f918fa378ecf083f5b85e87fc2b4eda1b/pyyaml-6.0.3-cp314-cp314-win_arm64.whl", hash = "sha256:93dda82c9c22deb0a405ea4dc5f2d0cda384168e466364dec6255b293923b2f3", size = 143912, upload-time = "2025-09-25T21:32:59.247Z" }, - { url = "https://files.pythonhosted.org/packages/7c/f9/07dd09ae774e4616edf6cda684ee78f97777bdd15847253637a6f052a62f/pyyaml-6.0.3-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:02893d100e99e03eda1c8fd5c441d8c60103fd175728e23e431db1b589cf5ab3", size = 189108, upload-time = "2025-09-25T21:32:44.377Z" }, - { url = "https://files.pythonhosted.org/packages/4e/78/8d08c9fb7ce09ad8c38ad533c1191cf27f7ae1effe5bb9400a46d9437fcf/pyyaml-6.0.3-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:c1ff362665ae507275af2853520967820d9124984e0f7466736aea23d8611fba", size = 183641, upload-time = "2025-09-25T21:32:45.407Z" }, - { url = "https://files.pythonhosted.org/packages/7b/5b/3babb19104a46945cf816d047db2788bcaf8c94527a805610b0289a01c6b/pyyaml-6.0.3-cp314-cp314t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:6adc77889b628398debc7b65c073bcb99c4a0237b248cacaf3fe8a557563ef6c", size = 831901, upload-time = "2025-09-25T21:32:48.83Z" }, - { url = "https://files.pythonhosted.org/packages/8b/cc/dff0684d8dc44da4d22a13f35f073d558c268780ce3c6ba1b87055bb0b87/pyyaml-6.0.3-cp314-cp314t-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:a80cb027f6b349846a3bf6d73b5e95e782175e52f22108cfa17876aaeff93702", size = 861132, upload-time = "2025-09-25T21:32:50.149Z" }, - { url = "https://files.pythonhosted.org/packages/b1/5e/f77dc6b9036943e285ba76b49e118d9ea929885becb0a29ba8a7c75e29fe/pyyaml-6.0.3-cp314-cp314t-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:00c4bdeba853cc34e7dd471f16b4114f4162dc03e6b7afcc2128711f0eca823c", size = 839261, upload-time = "2025-09-25T21:32:51.808Z" }, - { url = "https://files.pythonhosted.org/packages/ce/88/a9db1376aa2a228197c58b37302f284b5617f56a5d959fd1763fb1675ce6/pyyaml-6.0.3-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:66e1674c3ef6f541c35191caae2d429b967b99e02040f5ba928632d9a7f0f065", size = 805272, upload-time = "2025-09-25T21:32:52.941Z" }, - { url = "https://files.pythonhosted.org/packages/da/92/1446574745d74df0c92e6aa4a7b0b3130706a4142b2d1a5869f2eaa423c6/pyyaml-6.0.3-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:16249ee61e95f858e83976573de0f5b2893b3677ba71c9dd36b9cf8be9ac6d65", size = 829923, upload-time = "2025-09-25T21:32:54.537Z" }, - { url = "https://files.pythonhosted.org/packages/f0/7a/1c7270340330e575b92f397352af856a8c06f230aa3e76f86b39d01b416a/pyyaml-6.0.3-cp314-cp314t-win_amd64.whl", hash = "sha256:4ad1906908f2f5ae4e5a8ddfce73c320c2a1429ec52eafd27138b7f1cbe341c9", size = 174062, upload-time = "2025-09-25T21:32:55.767Z" }, - { url = "https://files.pythonhosted.org/packages/f1/12/de94a39c2ef588c7e6455cfbe7343d3b2dc9d6b6b2f40c4c6565744c873d/pyyaml-6.0.3-cp314-cp314t-win_arm64.whl", hash = "sha256:ebc55a14a21cb14062aa4162f906cd962b28e2e9ea38f9b4391244cd8de4ae0b", size = 149341, upload-time = "2025-09-25T21:32:56.828Z" }, -] - -[[package]] -name = "pyzmq" -version = "27.1.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "cffi", marker = "implementation_name == 'pypy' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/04/0b/3c9baedbdf613ecaa7aa07027780b8867f57b6293b6ee50de316c9f3222b/pyzmq-27.1.0.tar.gz", hash = "sha256:ac0765e3d44455adb6ddbf4417dcce460fc40a05978c08efdf2948072f6db540", size = 281750, upload-time = "2025-09-08T23:10:18.157Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/67/b9/52aa9ec2867528b54f1e60846728d8b4d84726630874fee3a91e66c7df81/pyzmq-27.1.0-cp310-cp310-macosx_10_15_universal2.whl", hash = "sha256:508e23ec9bc44c0005c4946ea013d9317ae00ac67778bd47519fdf5a0e930ff4", size = 1329850, upload-time = "2025-09-08T23:07:26.274Z" }, - { url = "https://files.pythonhosted.org/packages/99/64/5653e7b7425b169f994835a2b2abf9486264401fdef18df91ddae47ce2cc/pyzmq-27.1.0-cp310-cp310-manylinux2014_i686.manylinux_2_17_i686.whl", hash = "sha256:507b6f430bdcf0ee48c0d30e734ea89ce5567fd7b8a0f0044a369c176aa44556", size = 906380, upload-time = "2025-09-08T23:07:29.78Z" }, - { url = "https://files.pythonhosted.org/packages/73/78/7d713284dbe022f6440e391bd1f3c48d9185673878034cfb3939cdf333b2/pyzmq-27.1.0-cp310-cp310-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:bf7b38f9fd7b81cb6d9391b2946382c8237fd814075c6aa9c3b746d53076023b", size = 666421, upload-time = "2025-09-08T23:07:31.263Z" }, - { url = "https://files.pythonhosted.org/packages/30/76/8f099f9d6482450428b17c4d6b241281af7ce6a9de8149ca8c1c649f6792/pyzmq-27.1.0-cp310-cp310-manylinux_2_26_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:03ff0b279b40d687691a6217c12242ee71f0fba28bf8626ff50e3ef0f4410e1e", size = 854149, upload-time = "2025-09-08T23:07:33.17Z" }, - { url = "https://files.pythonhosted.org/packages/59/f0/37fbfff06c68016019043897e4c969ceab18bde46cd2aca89821fcf4fb2e/pyzmq-27.1.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:677e744fee605753eac48198b15a2124016c009a11056f93807000ab11ce6526", size = 1655070, upload-time = "2025-09-08T23:07:35.205Z" }, - { url = "https://files.pythonhosted.org/packages/47/14/7254be73f7a8edc3587609554fcaa7bfd30649bf89cd260e4487ca70fdaa/pyzmq-27.1.0-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:dd2fec2b13137416a1c5648b7009499bcc8fea78154cd888855fa32514f3dad1", size = 2033441, upload-time = "2025-09-08T23:07:37.432Z" }, - { url = "https://files.pythonhosted.org/packages/22/dc/49f2be26c6f86f347e796a4d99b19167fc94503f0af3fd010ad262158822/pyzmq-27.1.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:08e90bb4b57603b84eab1d0ca05b3bbb10f60c1839dc471fc1c9e1507bef3386", size = 1891529, upload-time = "2025-09-08T23:07:39.047Z" }, - { url = "https://files.pythonhosted.org/packages/a3/3e/154fb963ae25be70c0064ce97776c937ecc7d8b0259f22858154a9999769/pyzmq-27.1.0-cp310-cp310-win32.whl", hash = "sha256:a5b42d7a0658b515319148875fcb782bbf118dd41c671b62dae33666c2213bda", size = 567276, upload-time = "2025-09-08T23:07:40.695Z" }, - { url = "https://files.pythonhosted.org/packages/62/b2/f4ab56c8c595abcb26b2be5fd9fa9e6899c1e5ad54964e93ae8bb35482be/pyzmq-27.1.0-cp310-cp310-win_amd64.whl", hash = "sha256:c0bb87227430ee3aefcc0ade2088100e528d5d3298a0a715a64f3d04c60ba02f", size = 632208, upload-time = "2025-09-08T23:07:42.298Z" }, - { url = "https://files.pythonhosted.org/packages/3b/e3/be2cc7ab8332bdac0522fdb64c17b1b6241a795bee02e0196636ec5beb79/pyzmq-27.1.0-cp310-cp310-win_arm64.whl", hash = "sha256:9a916f76c2ab8d045b19f2286851a38e9ac94ea91faf65bd64735924522a8b32", size = 559766, upload-time = "2025-09-08T23:07:43.869Z" }, - { url = "https://files.pythonhosted.org/packages/06/5d/305323ba86b284e6fcb0d842d6adaa2999035f70f8c38a9b6d21ad28c3d4/pyzmq-27.1.0-cp311-cp311-macosx_10_15_universal2.whl", hash = "sha256:226b091818d461a3bef763805e75685e478ac17e9008f49fce2d3e52b3d58b86", size = 1333328, upload-time = "2025-09-08T23:07:45.946Z" }, - { url = "https://files.pythonhosted.org/packages/bd/a0/fc7e78a23748ad5443ac3275943457e8452da67fda347e05260261108cbc/pyzmq-27.1.0-cp311-cp311-manylinux2014_i686.manylinux_2_17_i686.whl", hash = "sha256:0790a0161c281ca9723f804871b4027f2e8b5a528d357c8952d08cd1a9c15581", size = 908803, upload-time = "2025-09-08T23:07:47.551Z" }, - { url = "https://files.pythonhosted.org/packages/7e/22/37d15eb05f3bdfa4abea6f6d96eb3bb58585fbd3e4e0ded4e743bc650c97/pyzmq-27.1.0-cp311-cp311-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:c895a6f35476b0c3a54e3eb6ccf41bf3018de937016e6e18748317f25d4e925f", size = 668836, upload-time = "2025-09-08T23:07:49.436Z" }, - { url = "https://files.pythonhosted.org/packages/b1/c4/2a6fe5111a01005fc7af3878259ce17684fabb8852815eda6225620f3c59/pyzmq-27.1.0-cp311-cp311-manylinux_2_26_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:5bbf8d3630bf96550b3be8e1fc0fea5cbdc8d5466c1192887bd94869da17a63e", size = 857038, upload-time = "2025-09-08T23:07:51.234Z" }, - { url = "https://files.pythonhosted.org/packages/cb/eb/bfdcb41d0db9cd233d6fb22dc131583774135505ada800ebf14dfb0a7c40/pyzmq-27.1.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:15c8bd0fe0dabf808e2d7a681398c4e5ded70a551ab47482067a572c054c8e2e", size = 1657531, upload-time = "2025-09-08T23:07:52.795Z" }, - { url = "https://files.pythonhosted.org/packages/ab/21/e3180ca269ed4a0de5c34417dfe71a8ae80421198be83ee619a8a485b0c7/pyzmq-27.1.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:bafcb3dd171b4ae9f19ee6380dfc71ce0390fefaf26b504c0e5f628d7c8c54f2", size = 2034786, upload-time = "2025-09-08T23:07:55.047Z" }, - { url = "https://files.pythonhosted.org/packages/3b/b1/5e21d0b517434b7f33588ff76c177c5a167858cc38ef740608898cd329f2/pyzmq-27.1.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:e829529fcaa09937189178115c49c504e69289abd39967cd8a4c215761373394", size = 1894220, upload-time = "2025-09-08T23:07:57.172Z" }, - { url = "https://files.pythonhosted.org/packages/03/f2/44913a6ff6941905efc24a1acf3d3cb6146b636c546c7406c38c49c403d4/pyzmq-27.1.0-cp311-cp311-win32.whl", hash = "sha256:6df079c47d5902af6db298ec92151db82ecb557af663098b92f2508c398bb54f", size = 567155, upload-time = "2025-09-08T23:07:59.05Z" }, - { url = "https://files.pythonhosted.org/packages/23/6d/d8d92a0eb270a925c9b4dd039c0b4dc10abc2fcbc48331788824ef113935/pyzmq-27.1.0-cp311-cp311-win_amd64.whl", hash = "sha256:190cbf120fbc0fc4957b56866830def56628934a9d112aec0e2507aa6a032b97", size = 633428, upload-time = "2025-09-08T23:08:00.663Z" }, - { url = "https://files.pythonhosted.org/packages/ae/14/01afebc96c5abbbd713ecfc7469cfb1bc801c819a74ed5c9fad9a48801cb/pyzmq-27.1.0-cp311-cp311-win_arm64.whl", hash = "sha256:eca6b47df11a132d1745eb3b5b5e557a7dae2c303277aa0e69c6ba91b8736e07", size = 559497, upload-time = "2025-09-08T23:08:02.15Z" }, - { url = "https://files.pythonhosted.org/packages/92/e7/038aab64a946d535901103da16b953c8c9cc9c961dadcbf3609ed6428d23/pyzmq-27.1.0-cp312-abi3-macosx_10_15_universal2.whl", hash = "sha256:452631b640340c928fa343801b0d07eb0c3789a5ffa843f6e1a9cee0ba4eb4fc", size = 1306279, upload-time = "2025-09-08T23:08:03.807Z" }, - { url = "https://files.pythonhosted.org/packages/e8/5e/c3c49fdd0f535ef45eefcc16934648e9e59dace4a37ee88fc53f6cd8e641/pyzmq-27.1.0-cp312-abi3-manylinux2014_i686.manylinux_2_17_i686.whl", hash = "sha256:1c179799b118e554b66da67d88ed66cd37a169f1f23b5d9f0a231b4e8d44a113", size = 895645, upload-time = "2025-09-08T23:08:05.301Z" }, - { url = "https://files.pythonhosted.org/packages/f8/e5/b0b2504cb4e903a74dcf1ebae157f9e20ebb6ea76095f6cfffea28c42ecd/pyzmq-27.1.0-cp312-abi3-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:3837439b7f99e60312f0c926a6ad437b067356dc2bc2ec96eb395fd0fe804233", size = 652574, upload-time = "2025-09-08T23:08:06.828Z" }, - { url = "https://files.pythonhosted.org/packages/f8/9b/c108cdb55560eaf253f0cbdb61b29971e9fb34d9c3499b0e96e4e60ed8a5/pyzmq-27.1.0-cp312-abi3-manylinux_2_26_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:43ad9a73e3da1fab5b0e7e13402f0b2fb934ae1c876c51d0afff0e7c052eca31", size = 840995, upload-time = "2025-09-08T23:08:08.396Z" }, - { url = "https://files.pythonhosted.org/packages/c2/bb/b79798ca177b9eb0825b4c9998c6af8cd2a7f15a6a1a4272c1d1a21d382f/pyzmq-27.1.0-cp312-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:0de3028d69d4cdc475bfe47a6128eb38d8bc0e8f4d69646adfbcd840facbac28", size = 1642070, upload-time = "2025-09-08T23:08:09.989Z" }, - { url = "https://files.pythonhosted.org/packages/9c/80/2df2e7977c4ede24c79ae39dcef3899bfc5f34d1ca7a5b24f182c9b7a9ca/pyzmq-27.1.0-cp312-abi3-musllinux_1_2_i686.whl", hash = "sha256:cf44a7763aea9298c0aa7dbf859f87ed7012de8bda0f3977b6fb1d96745df856", size = 2021121, upload-time = "2025-09-08T23:08:11.907Z" }, - { url = "https://files.pythonhosted.org/packages/46/bd/2d45ad24f5f5ae7e8d01525eb76786fa7557136555cac7d929880519e33a/pyzmq-27.1.0-cp312-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:f30f395a9e6fbca195400ce833c731e7b64c3919aa481af4d88c3759e0cb7496", size = 1878550, upload-time = "2025-09-08T23:08:13.513Z" }, - { url = "https://files.pythonhosted.org/packages/e6/2f/104c0a3c778d7c2ab8190e9db4f62f0b6957b53c9d87db77c284b69f33ea/pyzmq-27.1.0-cp312-abi3-win32.whl", hash = "sha256:250e5436a4ba13885494412b3da5d518cd0d3a278a1ae640e113c073a5f88edd", size = 559184, upload-time = "2025-09-08T23:08:15.163Z" }, - { url = "https://files.pythonhosted.org/packages/fc/7f/a21b20d577e4100c6a41795842028235998a643b1ad406a6d4163ea8f53e/pyzmq-27.1.0-cp312-abi3-win_amd64.whl", hash = "sha256:9ce490cf1d2ca2ad84733aa1d69ce6855372cb5ce9223802450c9b2a7cba0ccf", size = 619480, upload-time = "2025-09-08T23:08:17.192Z" }, - { url = "https://files.pythonhosted.org/packages/78/c2/c012beae5f76b72f007a9e91ee9401cb88c51d0f83c6257a03e785c81cc2/pyzmq-27.1.0-cp312-abi3-win_arm64.whl", hash = "sha256:75a2f36223f0d535a0c919e23615fc85a1e23b71f40c7eb43d7b1dedb4d8f15f", size = 552993, upload-time = "2025-09-08T23:08:18.926Z" }, - { url = "https://files.pythonhosted.org/packages/60/cb/84a13459c51da6cec1b7b1dc1a47e6db6da50b77ad7fd9c145842750a011/pyzmq-27.1.0-cp313-cp313-android_24_arm64_v8a.whl", hash = "sha256:93ad4b0855a664229559e45c8d23797ceac03183c7b6f5b4428152a6b06684a5", size = 1122436, upload-time = "2025-09-08T23:08:20.801Z" }, - { url = "https://files.pythonhosted.org/packages/dc/b6/94414759a69a26c3dd674570a81813c46a078767d931a6c70ad29fc585cb/pyzmq-27.1.0-cp313-cp313-android_24_x86_64.whl", hash = "sha256:fbb4f2400bfda24f12f009cba62ad5734148569ff4949b1b6ec3b519444342e6", size = 1156301, upload-time = "2025-09-08T23:08:22.47Z" }, - { url = "https://files.pythonhosted.org/packages/a5/ad/15906493fd40c316377fd8a8f6b1f93104f97a752667763c9b9c1b71d42d/pyzmq-27.1.0-cp313-cp313t-macosx_10_15_universal2.whl", hash = "sha256:e343d067f7b151cfe4eb3bb796a7752c9d369eed007b91231e817071d2c2fec7", size = 1341197, upload-time = "2025-09-08T23:08:24.286Z" }, - { url = "https://files.pythonhosted.org/packages/14/1d/d343f3ce13db53a54cb8946594e567410b2125394dafcc0268d8dda027e0/pyzmq-27.1.0-cp313-cp313t-manylinux2014_i686.manylinux_2_17_i686.whl", hash = "sha256:08363b2011dec81c354d694bdecaef4770e0ae96b9afea70b3f47b973655cc05", size = 897275, upload-time = "2025-09-08T23:08:26.063Z" }, - { url = "https://files.pythonhosted.org/packages/69/2d/d83dd6d7ca929a2fc67d2c3005415cdf322af7751d773524809f9e585129/pyzmq-27.1.0-cp313-cp313t-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:d54530c8c8b5b8ddb3318f481297441af102517602b569146185fa10b63f4fa9", size = 660469, upload-time = "2025-09-08T23:08:27.623Z" }, - { url = "https://files.pythonhosted.org/packages/3e/cd/9822a7af117f4bc0f1952dbe9ef8358eb50a24928efd5edf54210b850259/pyzmq-27.1.0-cp313-cp313t-manylinux_2_26_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:6f3afa12c392f0a44a2414056d730eebc33ec0926aae92b5ad5cf26ebb6cc128", size = 847961, upload-time = "2025-09-08T23:08:29.672Z" }, - { url = "https://files.pythonhosted.org/packages/9a/12/f003e824a19ed73be15542f172fd0ec4ad0b60cf37436652c93b9df7c585/pyzmq-27.1.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:c65047adafe573ff023b3187bb93faa583151627bc9c51fc4fb2c561ed689d39", size = 1650282, upload-time = "2025-09-08T23:08:31.349Z" }, - { url = "https://files.pythonhosted.org/packages/d5/4a/e82d788ed58e9a23995cee70dbc20c9aded3d13a92d30d57ec2291f1e8a3/pyzmq-27.1.0-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:90e6e9441c946a8b0a667356f7078d96411391a3b8f80980315455574177ec97", size = 2024468, upload-time = "2025-09-08T23:08:33.543Z" }, - { url = "https://files.pythonhosted.org/packages/d9/94/2da0a60841f757481e402b34bf4c8bf57fa54a5466b965de791b1e6f747d/pyzmq-27.1.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:add071b2d25f84e8189aaf0882d39a285b42fa3853016ebab234a5e78c7a43db", size = 1885394, upload-time = "2025-09-08T23:08:35.51Z" }, - { url = "https://files.pythonhosted.org/packages/4f/6f/55c10e2e49ad52d080dc24e37adb215e5b0d64990b57598abc2e3f01725b/pyzmq-27.1.0-cp313-cp313t-win32.whl", hash = "sha256:7ccc0700cfdf7bd487bea8d850ec38f204478681ea02a582a8da8171b7f90a1c", size = 574964, upload-time = "2025-09-08T23:08:37.178Z" }, - { url = "https://files.pythonhosted.org/packages/87/4d/2534970ba63dd7c522d8ca80fb92777f362c0f321900667c615e2067cb29/pyzmq-27.1.0-cp313-cp313t-win_amd64.whl", hash = "sha256:8085a9fba668216b9b4323be338ee5437a235fe275b9d1610e422ccc279733e2", size = 641029, upload-time = "2025-09-08T23:08:40.595Z" }, - { url = "https://files.pythonhosted.org/packages/f6/fa/f8aea7a28b0641f31d40dea42d7ef003fded31e184ef47db696bc74cd610/pyzmq-27.1.0-cp313-cp313t-win_arm64.whl", hash = "sha256:6bb54ca21bcfe361e445256c15eedf083f153811c37be87e0514934d6913061e", size = 561541, upload-time = "2025-09-08T23:08:42.668Z" }, - { url = "https://files.pythonhosted.org/packages/87/45/19efbb3000956e82d0331bafca5d9ac19ea2857722fa2caacefb6042f39d/pyzmq-27.1.0-cp314-cp314t-macosx_10_15_universal2.whl", hash = "sha256:ce980af330231615756acd5154f29813d553ea555485ae712c491cd483df6b7a", size = 1341197, upload-time = "2025-09-08T23:08:44.973Z" }, - { url = "https://files.pythonhosted.org/packages/48/43/d72ccdbf0d73d1343936296665826350cb1e825f92f2db9db3e61c2162a2/pyzmq-27.1.0-cp314-cp314t-manylinux2014_i686.manylinux_2_17_i686.whl", hash = "sha256:1779be8c549e54a1c38f805e56d2a2e5c009d26de10921d7d51cfd1c8d4632ea", size = 897175, upload-time = "2025-09-08T23:08:46.601Z" }, - { url = "https://files.pythonhosted.org/packages/2f/2e/a483f73a10b65a9ef0161e817321d39a770b2acf8bcf3004a28d90d14a94/pyzmq-27.1.0-cp314-cp314t-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:7200bb0f03345515df50d99d3db206a0a6bee1955fbb8c453c76f5bf0e08fb96", size = 660427, upload-time = "2025-09-08T23:08:48.187Z" }, - { url = "https://files.pythonhosted.org/packages/f5/d2/5f36552c2d3e5685abe60dfa56f91169f7a2d99bbaf67c5271022ab40863/pyzmq-27.1.0-cp314-cp314t-manylinux_2_26_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:01c0e07d558b06a60773744ea6251f769cd79a41a97d11b8bf4ab8f034b0424d", size = 847929, upload-time = "2025-09-08T23:08:49.76Z" }, - { url = "https://files.pythonhosted.org/packages/c4/2a/404b331f2b7bf3198e9945f75c4c521f0c6a3a23b51f7a4a401b94a13833/pyzmq-27.1.0-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:80d834abee71f65253c91540445d37c4c561e293ba6e741b992f20a105d69146", size = 1650193, upload-time = "2025-09-08T23:08:51.7Z" }, - { url = "https://files.pythonhosted.org/packages/1c/0b/f4107e33f62a5acf60e3ded67ed33d79b4ce18de432625ce2fc5093d6388/pyzmq-27.1.0-cp314-cp314t-musllinux_1_2_i686.whl", hash = "sha256:544b4e3b7198dde4a62b8ff6685e9802a9a1ebf47e77478a5eb88eca2a82f2fd", size = 2024388, upload-time = "2025-09-08T23:08:53.393Z" }, - { url = "https://files.pythonhosted.org/packages/0d/01/add31fe76512642fd6e40e3a3bd21f4b47e242c8ba33efb6809e37076d9b/pyzmq-27.1.0-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:cedc4c68178e59a4046f97eca31b148ddcf51e88677de1ef4e78cf06c5376c9a", size = 1885316, upload-time = "2025-09-08T23:08:55.702Z" }, - { url = "https://files.pythonhosted.org/packages/c4/59/a5f38970f9bf07cee96128de79590bb354917914a9be11272cfc7ff26af0/pyzmq-27.1.0-cp314-cp314t-win32.whl", hash = "sha256:1f0b2a577fd770aa6f053211a55d1c47901f4d537389a034c690291485e5fe92", size = 587472, upload-time = "2025-09-08T23:08:58.18Z" }, - { url = "https://files.pythonhosted.org/packages/70/d8/78b1bad170f93fcf5e3536e70e8fadac55030002275c9a29e8f5719185de/pyzmq-27.1.0-cp314-cp314t-win_amd64.whl", hash = "sha256:19c9468ae0437f8074af379e986c5d3d7d7bfe033506af442e8c879732bedbe0", size = 661401, upload-time = "2025-09-08T23:08:59.802Z" }, - { url = "https://files.pythonhosted.org/packages/81/d6/4bfbb40c9a0b42fc53c7cf442f6385db70b40f74a783130c5d0a5aa62228/pyzmq-27.1.0-cp314-cp314t-win_arm64.whl", hash = "sha256:dc5dbf68a7857b59473f7df42650c621d7e8923fb03fa74a526890f4d33cc4d7", size = 575170, upload-time = "2025-09-08T23:09:01.418Z" }, - { url = "https://files.pythonhosted.org/packages/f3/81/a65e71c1552f74dec9dff91d95bafb6e0d33338a8dfefbc88aa562a20c92/pyzmq-27.1.0-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:c17e03cbc9312bee223864f1a2b13a99522e0dc9f7c5df0177cd45210ac286e6", size = 836266, upload-time = "2025-09-08T23:09:40.048Z" }, - { url = "https://files.pythonhosted.org/packages/58/ed/0202ca350f4f2b69faa95c6d931e3c05c3a397c184cacb84cb4f8f42f287/pyzmq-27.1.0-pp310-pypy310_pp73-manylinux2014_i686.manylinux_2_17_i686.whl", hash = "sha256:f328d01128373cb6763823b2b4e7f73bdf767834268c565151eacb3b7a392f90", size = 800206, upload-time = "2025-09-08T23:09:41.902Z" }, - { url = "https://files.pythonhosted.org/packages/47/42/1ff831fa87fe8f0a840ddb399054ca0009605d820e2b44ea43114f5459f4/pyzmq-27.1.0-pp310-pypy310_pp73-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:9c1790386614232e1b3a40a958454bdd42c6d1811837b15ddbb052a032a43f62", size = 567747, upload-time = "2025-09-08T23:09:43.741Z" }, - { url = "https://files.pythonhosted.org/packages/d1/db/5c4d6807434751e3f21231bee98109aa57b9b9b55e058e450d0aef59b70f/pyzmq-27.1.0-pp310-pypy310_pp73-manylinux_2_26_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:448f9cb54eb0cee4732b46584f2710c8bc178b0e5371d9e4fc8125201e413a74", size = 747371, upload-time = "2025-09-08T23:09:45.575Z" }, - { url = "https://files.pythonhosted.org/packages/26/af/78ce193dbf03567eb8c0dc30e3df2b9e56f12a670bf7eb20f9fb532c7e8a/pyzmq-27.1.0-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:05b12f2d32112bf8c95ef2e74ec4f1d4beb01f8b5e703b38537f8849f92cb9ba", size = 544862, upload-time = "2025-09-08T23:09:47.448Z" }, - { url = "https://files.pythonhosted.org/packages/4c/c6/c4dcdecdbaa70969ee1fdced6d7b8f60cfabe64d25361f27ac4665a70620/pyzmq-27.1.0-pp311-pypy311_pp73-macosx_10_15_x86_64.whl", hash = "sha256:18770c8d3563715387139060d37859c02ce40718d1faf299abddcdcc6a649066", size = 836265, upload-time = "2025-09-08T23:09:49.376Z" }, - { url = "https://files.pythonhosted.org/packages/3e/79/f38c92eeaeb03a2ccc2ba9866f0439593bb08c5e3b714ac1d553e5c96e25/pyzmq-27.1.0-pp311-pypy311_pp73-manylinux2014_i686.manylinux_2_17_i686.whl", hash = "sha256:ac25465d42f92e990f8d8b0546b01c391ad431c3bf447683fdc40565941d0604", size = 800208, upload-time = "2025-09-08T23:09:51.073Z" }, - { url = "https://files.pythonhosted.org/packages/49/0e/3f0d0d335c6b3abb9b7b723776d0b21fa7f3a6c819a0db6097059aada160/pyzmq-27.1.0-pp311-pypy311_pp73-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:53b40f8ae006f2734ee7608d59ed661419f087521edbfc2149c3932e9c14808c", size = 567747, upload-time = "2025-09-08T23:09:52.698Z" }, - { url = "https://files.pythonhosted.org/packages/a1/cf/f2b3784d536250ffd4be70e049f3b60981235d70c6e8ce7e3ef21e1adb25/pyzmq-27.1.0-pp311-pypy311_pp73-manylinux_2_26_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:f605d884e7c8be8fe1aa94e0a783bf3f591b84c24e4bc4f3e7564c82ac25e271", size = 747371, upload-time = "2025-09-08T23:09:54.563Z" }, - { url = "https://files.pythonhosted.org/packages/01/1b/5dbe84eefc86f48473947e2f41711aded97eecef1231f4558f1f02713c12/pyzmq-27.1.0-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:c9f7f6e13dff2e44a6afeaf2cf54cee5929ad64afaf4d40b50f93c58fc687355", size = 544862, upload-time = "2025-09-08T23:09:56.509Z" }, -] - -[[package]] -name = "questionary" -version = "2.1.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "prompt-toolkit" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/f6/45/eafb0bba0f9988f6a2520f9ca2df2c82ddfa8d67c95d6625452e97b204a5/questionary-2.1.1.tar.gz", hash = "sha256:3d7e980292bb0107abaa79c68dd3eee3c561b83a0f89ae482860b181c8bd412d", size = 25845, upload-time = "2025-08-28T19:00:20.851Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/3c/26/1062c7ec1b053db9e499b4d2d5bc231743201b74051c973dadeac80a8f43/questionary-2.1.1-py3-none-any.whl", hash = "sha256:a51af13f345f1cdea62347589fbb6df3b290306ab8930713bfae4d475a7d4a59", size = 36753, upload-time = "2025-08-28T19:00:19.56Z" }, -] - -[[package]] -name = "referencing" -version = "0.37.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "attrs" }, - { name = "rpds-py" }, - { name = "typing-extensions", marker = "python_full_version < '3.13' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/22/f5/df4e9027acead3ecc63e50fe1e36aca1523e1719559c499951bb4b53188f/referencing-0.37.0.tar.gz", hash = "sha256:44aefc3142c5b842538163acb373e24cce6632bd54bdb01b21ad5863489f50d8", size = 78036, upload-time = "2025-10-13T15:30:48.871Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/2c/58/ca301544e1fa93ed4f80d724bf5b194f6e4b945841c5bfd555878eea9fcb/referencing-0.37.0-py3-none-any.whl", hash = "sha256:381329a9f99628c9069361716891d34ad94af76e461dcb0335825aecc7692231", size = 26766, upload-time = "2025-10-13T15:30:47.625Z" }, -] - -[[package]] -name = "regex" -version = "2025.10.23" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f8/c8/1d2160d36b11fbe0a61acb7c3c81ab032d9ec8ad888ac9e0a61b85ab99dd/regex-2025.10.23.tar.gz", hash = "sha256:8cbaf8ceb88f96ae2356d01b9adf5e6306fa42fa6f7eab6b97794e37c959ac26", size = 401266, upload-time = "2025-10-21T15:58:20.23Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/88/11/849d5d23633a77047465eaae4cc0cbf24ded7aa496c02e8b9710e28b1687/regex-2025.10.23-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:17bbcde374bef1c5fad9b131f0e28a6a24856dd90368d8c0201e2b5a69533daa", size = 487957, upload-time = "2025-10-21T15:54:26.151Z" }, - { url = "https://files.pythonhosted.org/packages/87/12/5985386e7e3200a0d6a6417026d2c758d783a932428a5efc0a42ca1ddf74/regex-2025.10.23-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:b4e10434279cc8567f99ca6e018e9025d14f2fded2a603380b6be2090f476426", size = 290419, upload-time = "2025-10-21T15:54:28.804Z" }, - { url = "https://files.pythonhosted.org/packages/67/cf/a8615923f962f8fdc41a3a6093a48726955e8b1993f4614b26a41d249f9b/regex-2025.10.23-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:9c9bb421cbe7012c744a5a56cf4d6c80829c72edb1a2991677299c988d6339c8", size = 288285, upload-time = "2025-10-21T15:54:30.47Z" }, - { url = "https://files.pythonhosted.org/packages/4e/3d/6a3a1e12c86354cd0b3cbf8c3dd6acbe853609ee3b39d47ecd3ce95caf84/regex-2025.10.23-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:275cd1c2ed8c4a78ebfa489618d7aee762e8b4732da73573c3e38236ec5f65de", size = 781458, upload-time = "2025-10-21T15:54:31.978Z" }, - { url = "https://files.pythonhosted.org/packages/46/47/76a8da004489f2700361754859e373b87a53d043de8c47f4d1583fd39d78/regex-2025.10.23-cp310-cp310-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:7b426ae7952f3dc1e73a86056d520bd4e5f021397484a6835902fc5648bcacce", size = 850605, upload-time = "2025-10-21T15:54:33.753Z" }, - { url = "https://files.pythonhosted.org/packages/67/05/fa886461f97d45a6f4b209699cb994dc6d6212d6e219d29444dac5005775/regex-2025.10.23-cp310-cp310-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:c5cdaf5b6d37c7da1967dbe729d819461aab6a98a072feef65bbcff0a6e60649", size = 898563, upload-time = "2025-10-21T15:54:35.431Z" }, - { url = "https://files.pythonhosted.org/packages/2d/db/3ddd8d01455f23cabad7499f4199de0df92f5e96d39633203ff9d0b592dc/regex-2025.10.23-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:3bfeff0b08f296ab28b4332a7e03ca31c437ee78b541ebc874bbf540e5932f8d", size = 791535, upload-time = "2025-10-21T15:54:37.269Z" }, - { url = "https://files.pythonhosted.org/packages/7c/ae/0fa5cbf41ca92b6ec3370222fcb6c68b240d68ab10e803d086c03a19fd9e/regex-2025.10.23-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:5f97236a67307b775f30a74ef722b64b38b7ab7ba3bb4a2508518a5de545459c", size = 782461, upload-time = "2025-10-21T15:54:39.187Z" }, - { url = "https://files.pythonhosted.org/packages/d4/23/70af22a016df11af4def27870eb175c2c7235b72d411ecf75a4b4a422cb6/regex-2025.10.23-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:be19e7de499940cd72475fb8e46ab2ecb1cf5906bebdd18a89f9329afb1df82f", size = 774583, upload-time = "2025-10-21T15:54:41.018Z" }, - { url = "https://files.pythonhosted.org/packages/7a/ee/a54a6851f6905f33d3c4ed64e8737b1d85ed01b5724712530ddc0f9abdb1/regex-2025.10.23-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:883df76ee42d9ecb82b37ff8d01caea5895b3f49630a64d21111078bbf8ef64c", size = 845649, upload-time = "2025-10-21T15:54:42.615Z" }, - { url = "https://files.pythonhosted.org/packages/80/7d/c3ec1cae14e01fab00e38c41ed35f47a853359e95e9c023e9a4381bb122c/regex-2025.10.23-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:2e9117d1d35fc2addae6281019ecc70dc21c30014b0004f657558b91c6a8f1a7", size = 836037, upload-time = "2025-10-21T15:54:44.63Z" }, - { url = "https://files.pythonhosted.org/packages/15/ae/45771140dd43c4d67c87b54d3728078ed6a96599d9fc7ba6825086236782/regex-2025.10.23-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:0ff1307f531a5d8cf5c20ea517254551ff0a8dc722193aab66c656c5a900ea68", size = 779705, upload-time = "2025-10-21T15:54:46.08Z" }, - { url = "https://files.pythonhosted.org/packages/b8/95/074e2581760eafce7c816a352b7d3a322536e5b68c346d1a8bacd895545c/regex-2025.10.23-cp310-cp310-win32.whl", hash = "sha256:7888475787cbfee4a7cd32998eeffe9a28129fa44ae0f691b96cb3939183ef41", size = 265663, upload-time = "2025-10-21T15:54:47.854Z" }, - { url = "https://files.pythonhosted.org/packages/f7/c7/a25f56a718847e34d3f1608c72eadeb67653bff1a0411da023dd8f4c647b/regex-2025.10.23-cp310-cp310-win_amd64.whl", hash = "sha256:ec41a905908496ce4906dab20fb103c814558db1d69afc12c2f384549c17936a", size = 277587, upload-time = "2025-10-21T15:54:49.571Z" }, - { url = "https://files.pythonhosted.org/packages/d3/e5/63eb17c6b5deaefd93c2bbb1feae7c0a8d2157da25883a6ca2569cf7a663/regex-2025.10.23-cp310-cp310-win_arm64.whl", hash = "sha256:b2b7f19a764d5e966d5a62bf2c28a8b4093cc864c6734510bdb4aeb840aec5e6", size = 269979, upload-time = "2025-10-21T15:54:51.375Z" }, - { url = "https://files.pythonhosted.org/packages/82/e5/74b7cd5cd76b4171f9793042045bb1726f7856dd56e582fc3e058a7a8a5e/regex-2025.10.23-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:6c531155bf9179345e85032052a1e5fe1a696a6abf9cea54b97e8baefff970fd", size = 487960, upload-time = "2025-10-21T15:54:53.253Z" }, - { url = "https://files.pythonhosted.org/packages/b9/08/854fa4b3b20471d1df1c71e831b6a1aa480281e37791e52a2df9641ec5c6/regex-2025.10.23-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:912e9df4e89d383681268d38ad8f5780d7cccd94ba0e9aa09ca7ab7ab4f8e7eb", size = 290425, upload-time = "2025-10-21T15:54:55.21Z" }, - { url = "https://files.pythonhosted.org/packages/ab/d3/6272b1dd3ca1271661e168762b234ad3e00dbdf4ef0c7b9b72d2d159efa7/regex-2025.10.23-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:4f375c61bfc3138b13e762fe0ae76e3bdca92497816936534a0177201666f44f", size = 288278, upload-time = "2025-10-21T15:54:56.862Z" }, - { url = "https://files.pythonhosted.org/packages/14/8f/c7b365dd9d9bc0a36e018cb96f2ffb60d2ba8deb589a712b437f67de2920/regex-2025.10.23-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:e248cc9446081119128ed002a3801f8031e0c219b5d3c64d3cc627da29ac0a33", size = 793289, upload-time = "2025-10-21T15:54:58.352Z" }, - { url = "https://files.pythonhosted.org/packages/d4/fb/b8fbe9aa16cf0c21f45ec5a6c74b4cecbf1a1c0deb7089d4a6f83a9c1caa/regex-2025.10.23-cp311-cp311-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:b52bf9282fdf401e4f4e721f0f61fc4b159b1307244517789702407dd74e38ca", size = 860321, upload-time = "2025-10-21T15:54:59.813Z" }, - { url = "https://files.pythonhosted.org/packages/b0/81/bf41405c772324926a9bd8a640dedaa42da0e929241834dfce0733070437/regex-2025.10.23-cp311-cp311-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:5c084889ab2c59765a0d5ac602fd1c3c244f9b3fcc9a65fdc7ba6b74c5287490", size = 907011, upload-time = "2025-10-21T15:55:01.968Z" }, - { url = "https://files.pythonhosted.org/packages/a4/fb/5ad6a8b92d3f88f3797b51bb4ef47499acc2d0b53d2fbe4487a892f37a73/regex-2025.10.23-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:d80e8eb79009bdb0936658c44ca06e2fbbca67792013e3818eea3f5f228971c2", size = 800312, upload-time = "2025-10-21T15:55:04.15Z" }, - { url = "https://files.pythonhosted.org/packages/42/48/b4efba0168a2b57f944205d823f8e8a3a1ae6211a34508f014ec2c712f4f/regex-2025.10.23-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:b6f259118ba87b814a8ec475380aee5f5ae97a75852a3507cf31d055b01b5b40", size = 782839, upload-time = "2025-10-21T15:55:05.641Z" }, - { url = "https://files.pythonhosted.org/packages/13/2a/c9efb4c6c535b0559c1fa8e431e0574d229707c9ca718600366fcfef6801/regex-2025.10.23-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:9b8c72a242683dcc72d37595c4f1278dfd7642b769e46700a8df11eab19dfd82", size = 854270, upload-time = "2025-10-21T15:55:07.27Z" }, - { url = "https://files.pythonhosted.org/packages/34/2d/68eecc1bdaee020e8ba549502291c9450d90d8590d0552247c9b543ebf7b/regex-2025.10.23-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:a8d7b7a0a3df9952f9965342159e0c1f05384c0f056a47ce8b61034f8cecbe83", size = 845771, upload-time = "2025-10-21T15:55:09.477Z" }, - { url = "https://files.pythonhosted.org/packages/a5/cd/a1ae499cf9b87afb47a67316bbf1037a7c681ffe447c510ed98c0aa2c01c/regex-2025.10.23-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:413bfea20a484c524858125e92b9ce6ffdd0a4b97d4ff96b5859aa119b0f1bdd", size = 788778, upload-time = "2025-10-21T15:55:11.396Z" }, - { url = "https://files.pythonhosted.org/packages/38/f9/70765e63f5ea7d43b2b6cd4ee9d3323f16267e530fb2a420d92d991cf0fc/regex-2025.10.23-cp311-cp311-win32.whl", hash = "sha256:f76deef1f1019a17dad98f408b8f7afc4bd007cbe835ae77b737e8c7f19ae575", size = 265666, upload-time = "2025-10-21T15:55:13.306Z" }, - { url = "https://files.pythonhosted.org/packages/9c/1a/18e9476ee1b63aaec3844d8e1cb21842dc19272c7e86d879bfc0dcc60db3/regex-2025.10.23-cp311-cp311-win_amd64.whl", hash = "sha256:59bba9f7125536f23fdab5deeea08da0c287a64c1d3acc1c7e99515809824de8", size = 277600, upload-time = "2025-10-21T15:55:15.087Z" }, - { url = "https://files.pythonhosted.org/packages/1d/1b/c019167b1f7a8ec77251457e3ff0339ed74ca8bce1ea13138dc98309c923/regex-2025.10.23-cp311-cp311-win_arm64.whl", hash = "sha256:b103a752b6f1632ca420225718d6ed83f6a6ced3016dd0a4ab9a6825312de566", size = 269974, upload-time = "2025-10-21T15:55:16.841Z" }, - { url = "https://files.pythonhosted.org/packages/f6/57/eeb274d83ab189d02d778851b1ac478477522a92b52edfa6e2ae9ff84679/regex-2025.10.23-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:7a44d9c00f7a0a02d3b777429281376370f3d13d2c75ae74eb94e11ebcf4a7fc", size = 489187, upload-time = "2025-10-21T15:55:18.322Z" }, - { url = "https://files.pythonhosted.org/packages/55/5c/7dad43a9b6ea88bf77e0b8b7729a4c36978e1043165034212fd2702880c6/regex-2025.10.23-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:b83601f84fde939ae3478bb32a3aef36f61b58c3208d825c7e8ce1a735f143f2", size = 291122, upload-time = "2025-10-21T15:55:20.2Z" }, - { url = "https://files.pythonhosted.org/packages/66/21/38b71e6f2818f0f4b281c8fba8d9d57cfca7b032a648fa59696e0a54376a/regex-2025.10.23-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ec13647907bb9d15fd192bbfe89ff06612e098a5709e7d6ecabbdd8f7908fc45", size = 288797, upload-time = "2025-10-21T15:55:21.932Z" }, - { url = "https://files.pythonhosted.org/packages/be/95/888f069c89e7729732a6d7cca37f76b44bfb53a1e35dda8a2c7b65c1b992/regex-2025.10.23-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:78d76dd2957d62501084e7012ddafc5fcd406dd982b7a9ca1ea76e8eaaf73e7e", size = 798442, upload-time = "2025-10-21T15:55:23.747Z" }, - { url = "https://files.pythonhosted.org/packages/76/70/4f903c608faf786627a8ee17c06e0067b5acade473678b69c8094b248705/regex-2025.10.23-cp312-cp312-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:8668e5f067e31a47699ebb354f43aeb9c0ef136f915bd864243098524482ac43", size = 864039, upload-time = "2025-10-21T15:55:25.656Z" }, - { url = "https://files.pythonhosted.org/packages/62/19/2df67b526bf25756c7f447dde554fc10a220fd839cc642f50857d01e4a7b/regex-2025.10.23-cp312-cp312-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:a32433fe3deb4b2d8eda88790d2808fed0dc097e84f5e683b4cd4f42edef6cca", size = 912057, upload-time = "2025-10-21T15:55:27.309Z" }, - { url = "https://files.pythonhosted.org/packages/99/14/9a39b7c9e007968411bc3c843cc14cf15437510c0a9991f080cab654fd16/regex-2025.10.23-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:d97d73818c642c938db14c0668167f8d39520ca9d983604575ade3fda193afcc", size = 803374, upload-time = "2025-10-21T15:55:28.9Z" }, - { url = "https://files.pythonhosted.org/packages/d4/f7/3495151dd3ca79949599b6d069b72a61a2c5e24fc441dccc79dcaf708fe6/regex-2025.10.23-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:bca7feecc72ee33579e9f6ddf8babbe473045717a0e7dbc347099530f96e8b9a", size = 787714, upload-time = "2025-10-21T15:55:30.628Z" }, - { url = "https://files.pythonhosted.org/packages/28/65/ee882455e051131869957ee8597faea45188c9a98c0dad724cfb302d4580/regex-2025.10.23-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:7e24af51e907d7457cc4a72691ec458320b9ae67dc492f63209f01eecb09de32", size = 858392, upload-time = "2025-10-21T15:55:32.322Z" }, - { url = "https://files.pythonhosted.org/packages/53/25/9287fef5be97529ebd3ac79d256159cb709a07eb58d4be780d1ca3885da8/regex-2025.10.23-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:d10bcde58bbdf18146f3a69ec46dd03233b94a4a5632af97aa5378da3a47d288", size = 850484, upload-time = "2025-10-21T15:55:34.037Z" }, - { url = "https://files.pythonhosted.org/packages/f3/b4/b49b88b4fea2f14dc73e5b5842755e782fc2e52f74423d6f4adc130d5880/regex-2025.10.23-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:44383bc0c933388516c2692c9a7503e1f4a67e982f20b9a29d2fb70c6494f147", size = 789634, upload-time = "2025-10-21T15:55:35.958Z" }, - { url = "https://files.pythonhosted.org/packages/b6/3c/2f8d199d0e84e78bcd6bdc2be9b62410624f6b796e2893d1837ae738b160/regex-2025.10.23-cp312-cp312-win32.whl", hash = "sha256:6040a86f95438a0114bba16e51dfe27f1bc004fd29fe725f54a586f6d522b079", size = 266060, upload-time = "2025-10-21T15:55:37.902Z" }, - { url = "https://files.pythonhosted.org/packages/d7/67/c35e80969f6ded306ad70b0698863310bdf36aca57ad792f45ddc0e2271f/regex-2025.10.23-cp312-cp312-win_amd64.whl", hash = "sha256:436b4c4352fe0762e3bfa34a5567079baa2ef22aa9c37cf4d128979ccfcad842", size = 276931, upload-time = "2025-10-21T15:55:39.502Z" }, - { url = "https://files.pythonhosted.org/packages/f5/a1/4ed147de7d2b60174f758412c87fa51ada15cd3296a0ff047f4280aaa7ca/regex-2025.10.23-cp312-cp312-win_arm64.whl", hash = "sha256:f4b1b1991617055b46aff6f6db24888c1f05f4db9801349d23f09ed0714a9335", size = 270103, upload-time = "2025-10-21T15:55:41.24Z" }, - { url = "https://files.pythonhosted.org/packages/28/c6/195a6217a43719d5a6a12cc192a22d12c40290cecfa577f00f4fb822f07d/regex-2025.10.23-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:b7690f95404a1293923a296981fd943cca12c31a41af9c21ba3edd06398fc193", size = 488956, upload-time = "2025-10-21T15:55:42.887Z" }, - { url = "https://files.pythonhosted.org/packages/4c/93/181070cd1aa2fa541ff2d3afcf763ceecd4937b34c615fa92765020a6c90/regex-2025.10.23-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:1a32d77aeaea58a13230100dd8797ac1a84c457f3af2fdf0d81ea689d5a9105b", size = 290997, upload-time = "2025-10-21T15:55:44.53Z" }, - { url = "https://files.pythonhosted.org/packages/b6/c5/9d37fbe3a40ed8dda78c23e1263002497540c0d1522ed75482ef6c2000f0/regex-2025.10.23-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:b24b29402f264f70a3c81f45974323b41764ff7159655360543b7cabb73e7d2f", size = 288686, upload-time = "2025-10-21T15:55:46.186Z" }, - { url = "https://files.pythonhosted.org/packages/5f/e7/db610ff9f10c2921f9b6ac0c8d8be4681b28ddd40fc0549429366967e61f/regex-2025.10.23-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:563824a08c7c03d96856d84b46fdb3bbb7cfbdf79da7ef68725cda2ce169c72a", size = 798466, upload-time = "2025-10-21T15:55:48.24Z" }, - { url = "https://files.pythonhosted.org/packages/90/10/aab883e1fa7fe2feb15ac663026e70ca0ae1411efa0c7a4a0342d9545015/regex-2025.10.23-cp313-cp313-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:a0ec8bdd88d2e2659c3518087ee34b37e20bd169419ffead4240a7004e8ed03b", size = 863996, upload-time = "2025-10-21T15:55:50.478Z" }, - { url = "https://files.pythonhosted.org/packages/a2/b0/8f686dd97a51f3b37d0238cd00a6d0f9ccabe701f05b56de1918571d0d61/regex-2025.10.23-cp313-cp313-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:b577601bfe1d33913fcd9276d7607bbac827c4798d9e14d04bf37d417a6c41cb", size = 912145, upload-time = "2025-10-21T15:55:52.215Z" }, - { url = "https://files.pythonhosted.org/packages/a3/ca/639f8cd5b08797bca38fc5e7e07f76641a428cf8c7fca05894caf045aa32/regex-2025.10.23-cp313-cp313-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:7c9f2c68ac6cb3de94eea08a437a75eaa2bd33f9e97c84836ca0b610a5804368", size = 803370, upload-time = "2025-10-21T15:55:53.944Z" }, - { url = "https://files.pythonhosted.org/packages/0d/1e/a40725bb76959eddf8abc42a967bed6f4851b39f5ac4f20e9794d7832aa5/regex-2025.10.23-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:89f8b9ea3830c79468e26b0e21c3585f69f105157c2154a36f6b7839f8afb351", size = 787767, upload-time = "2025-10-21T15:55:56.004Z" }, - { url = "https://files.pythonhosted.org/packages/3d/d8/8ee9858062936b0f99656dce390aa667c6e7fb0c357b1b9bf76fb5e2e708/regex-2025.10.23-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:98fd84c4e4ea185b3bb5bf065261ab45867d8875032f358a435647285c722673", size = 858335, upload-time = "2025-10-21T15:55:58.185Z" }, - { url = "https://files.pythonhosted.org/packages/d8/0a/ed5faaa63fa8e3064ab670e08061fbf09e3a10235b19630cf0cbb9e48c0a/regex-2025.10.23-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:1e11d3e5887b8b096f96b4154dfb902f29c723a9556639586cd140e77e28b313", size = 850402, upload-time = "2025-10-21T15:56:00.023Z" }, - { url = "https://files.pythonhosted.org/packages/79/14/d05f617342f4b2b4a23561da500ca2beab062bfcc408d60680e77ecaf04d/regex-2025.10.23-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:4f13450328a6634348d47a88367e06b64c9d84980ef6a748f717b13f8ce64e87", size = 789739, upload-time = "2025-10-21T15:56:01.967Z" }, - { url = "https://files.pythonhosted.org/packages/f9/7b/e8ce8eef42a15f2c3461f8b3e6e924bbc86e9605cb534a393aadc8d3aff8/regex-2025.10.23-cp313-cp313-win32.whl", hash = "sha256:37be9296598a30c6a20236248cb8b2c07ffd54d095b75d3a2a2ee5babdc51df1", size = 266054, upload-time = "2025-10-21T15:56:05.291Z" }, - { url = "https://files.pythonhosted.org/packages/71/2d/55184ed6be6473187868d2f2e6a0708195fc58270e62a22cbf26028f2570/regex-2025.10.23-cp313-cp313-win_amd64.whl", hash = "sha256:ea7a3c283ce0f06fe789365841e9174ba05f8db16e2fd6ae00a02df9572c04c0", size = 276917, upload-time = "2025-10-21T15:56:07.303Z" }, - { url = "https://files.pythonhosted.org/packages/9c/d4/927eced0e2bd45c45839e556f987f8c8f8683268dd3c00ad327deb3b0172/regex-2025.10.23-cp313-cp313-win_arm64.whl", hash = "sha256:d9a4953575f300a7bab71afa4cd4ac061c7697c89590a2902b536783eeb49a4f", size = 270105, upload-time = "2025-10-21T15:56:09.857Z" }, - { url = "https://files.pythonhosted.org/packages/3e/b3/95b310605285573341fc062d1d30b19a54f857530e86c805f942c4ff7941/regex-2025.10.23-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:7d6606524fa77b3912c9ef52a42ef63c6cfbfc1077e9dc6296cd5da0da286044", size = 491850, upload-time = "2025-10-21T15:56:11.685Z" }, - { url = "https://files.pythonhosted.org/packages/a4/8f/207c2cec01e34e56db1eff606eef46644a60cf1739ecd474627db90ad90b/regex-2025.10.23-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:c037aadf4d64bdc38af7db3dbd34877a057ce6524eefcb2914d6d41c56f968cc", size = 292537, upload-time = "2025-10-21T15:56:13.963Z" }, - { url = "https://files.pythonhosted.org/packages/98/3b/025240af4ada1dc0b5f10d73f3e5122d04ce7f8908ab8881e5d82b9d61b6/regex-2025.10.23-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:99018c331fb2529084a0c9b4c713dfa49fafb47c7712422e49467c13a636c656", size = 290904, upload-time = "2025-10-21T15:56:16.016Z" }, - { url = "https://files.pythonhosted.org/packages/81/8e/104ac14e2d3450c43db18ec03e1b96b445a94ae510b60138f00ce2cb7ca1/regex-2025.10.23-cp313-cp313t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:fd8aba965604d70306eb90a35528f776e59112a7114a5162824d43b76fa27f58", size = 807311, upload-time = "2025-10-21T15:56:17.818Z" }, - { url = "https://files.pythonhosted.org/packages/19/63/78aef90141b7ce0be8a18e1782f764f6997ad09de0e05251f0d2503a914a/regex-2025.10.23-cp313-cp313t-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:238e67264b4013e74136c49f883734f68656adf8257bfa13b515626b31b20f8e", size = 873241, upload-time = "2025-10-21T15:56:19.941Z" }, - { url = "https://files.pythonhosted.org/packages/b3/a8/80eb1201bb49ae4dba68a1b284b4211ed9daa8e74dc600018a10a90399fb/regex-2025.10.23-cp313-cp313t-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:b2eb48bd9848d66fd04826382f5e8491ae633de3233a3d64d58ceb4ecfa2113a", size = 914794, upload-time = "2025-10-21T15:56:22.488Z" }, - { url = "https://files.pythonhosted.org/packages/f0/d5/1984b6ee93281f360a119a5ca1af6a8ca7d8417861671388bf750becc29b/regex-2025.10.23-cp313-cp313t-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:d36591ce06d047d0c0fe2fc5f14bfbd5b4525d08a7b6a279379085e13f0e3d0e", size = 812581, upload-time = "2025-10-21T15:56:24.319Z" }, - { url = "https://files.pythonhosted.org/packages/c4/39/11ebdc6d9927172a64ae237d16763145db6bd45ebb4055c17b88edab72a7/regex-2025.10.23-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:b5d4ece8628d6e364302006366cea3ee887db397faebacc5dacf8ef19e064cf8", size = 795346, upload-time = "2025-10-21T15:56:26.232Z" }, - { url = "https://files.pythonhosted.org/packages/3b/b4/89a591bcc08b5e436af43315284bd233ba77daf0cf20e098d7af12f006c1/regex-2025.10.23-cp313-cp313t-musllinux_1_2_ppc64le.whl", hash = "sha256:39a7e8083959cb1c4ff74e483eecb5a65d3b3e1d821b256e54baf61782c906c6", size = 868214, upload-time = "2025-10-21T15:56:28.597Z" }, - { url = "https://files.pythonhosted.org/packages/3d/ff/58ba98409c1dbc8316cdb20dafbc63ed267380a07780cafecaf5012dabc9/regex-2025.10.23-cp313-cp313t-musllinux_1_2_s390x.whl", hash = "sha256:842d449a8fefe546f311656cf8c0d6729b08c09a185f1cad94c756210286d6a8", size = 854540, upload-time = "2025-10-21T15:56:30.875Z" }, - { url = "https://files.pythonhosted.org/packages/9a/f2/4a9e9338d67626e2071b643f828a482712ad15889d7268e11e9a63d6f7e9/regex-2025.10.23-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:d614986dc68506be8f00474f4f6960e03e4ca9883f7df47744800e7d7c08a494", size = 799346, upload-time = "2025-10-21T15:56:32.725Z" }, - { url = "https://files.pythonhosted.org/packages/63/be/543d35c46bebf6f7bf2be538cca74d6585f25714700c36f37f01b92df551/regex-2025.10.23-cp313-cp313t-win32.whl", hash = "sha256:a5b7a26b51a9df473ec16a1934d117443a775ceb7b39b78670b2e21893c330c9", size = 268657, upload-time = "2025-10-21T15:56:34.577Z" }, - { url = "https://files.pythonhosted.org/packages/14/9f/4dd6b7b612037158bb2c9bcaa710e6fb3c40ad54af441b9c53b3a137a9f1/regex-2025.10.23-cp313-cp313t-win_amd64.whl", hash = "sha256:ce81c5544a5453f61cb6f548ed358cfb111e3b23f3cd42d250a4077a6be2a7b6", size = 280075, upload-time = "2025-10-21T15:56:36.767Z" }, - { url = "https://files.pythonhosted.org/packages/81/7a/5bd0672aa65d38c8da6747c17c8b441bdb53d816c569e3261013af8e83cf/regex-2025.10.23-cp313-cp313t-win_arm64.whl", hash = "sha256:e9bf7f6699f490e4e43c44757aa179dab24d1960999c84ab5c3d5377714ed473", size = 271219, upload-time = "2025-10-21T15:56:39.033Z" }, - { url = "https://files.pythonhosted.org/packages/73/f6/0caf29fec943f201fbc8822879c99d31e59c1d51a983d9843ee5cf398539/regex-2025.10.23-cp314-cp314-macosx_10_13_universal2.whl", hash = "sha256:5b5cb5b6344c4c4c24b2dc87b0bfee78202b07ef7633385df70da7fcf6f7cec6", size = 488960, upload-time = "2025-10-21T15:56:40.849Z" }, - { url = "https://files.pythonhosted.org/packages/8e/7d/ebb7085b8fa31c24ce0355107cea2b92229d9050552a01c5d291c42aecea/regex-2025.10.23-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:a6ce7973384c37bdf0f371a843f95a6e6f4e1489e10e0cf57330198df72959c5", size = 290932, upload-time = "2025-10-21T15:56:42.875Z" }, - { url = "https://files.pythonhosted.org/packages/27/41/43906867287cbb5ca4cee671c3cc8081e15deef86a8189c3aad9ac9f6b4d/regex-2025.10.23-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:2ee3663f2c334959016b56e3bd0dd187cbc73f948e3a3af14c3caaa0c3035d10", size = 288766, upload-time = "2025-10-21T15:56:44.894Z" }, - { url = "https://files.pythonhosted.org/packages/ab/9e/ea66132776700fc77a39b1056e7a5f1308032fead94507e208dc6716b7cd/regex-2025.10.23-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:2003cc82a579107e70d013482acce8ba773293f2db534fb532738395c557ff34", size = 798884, upload-time = "2025-10-21T15:56:47.178Z" }, - { url = "https://files.pythonhosted.org/packages/d5/99/aed1453687ab63819a443930770db972c5c8064421f0d9f5da9ad029f26b/regex-2025.10.23-cp314-cp314-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:182c452279365a93a9f45874f7f191ec1c51e1f1eb41bf2b16563f1a40c1da3a", size = 864768, upload-time = "2025-10-21T15:56:49.793Z" }, - { url = "https://files.pythonhosted.org/packages/99/5d/732fe747a1304805eb3853ce6337eea16b169f7105a0d0dd9c6a5ffa9948/regex-2025.10.23-cp314-cp314-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:b1249e9ff581c5b658c8f0437f883b01f1edcf424a16388591e7c05e5e9e8b0c", size = 911394, upload-time = "2025-10-21T15:56:52.186Z" }, - { url = "https://files.pythonhosted.org/packages/5e/48/58a1f6623466522352a6efa153b9a3714fc559d9f930e9bc947b4a88a2c3/regex-2025.10.23-cp314-cp314-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:2b841698f93db3ccc36caa1900d2a3be281d9539b822dc012f08fc80b46a3224", size = 803145, upload-time = "2025-10-21T15:56:55.142Z" }, - { url = "https://files.pythonhosted.org/packages/ea/f6/7dea79be2681a5574ab3fc237aa53b2c1dfd6bd2b44d4640b6c76f33f4c1/regex-2025.10.23-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:956d89e0c92d471e8f7eee73f73fdff5ed345886378c45a43175a77538a1ffe4", size = 787831, upload-time = "2025-10-21T15:56:57.203Z" }, - { url = "https://files.pythonhosted.org/packages/3a/ad/07b76950fbbe65f88120ca2d8d845047c401450f607c99ed38862904671d/regex-2025.10.23-cp314-cp314-musllinux_1_2_ppc64le.whl", hash = "sha256:5c259cb363299a0d90d63b5c0d7568ee98419861618a95ee9d91a41cb9954462", size = 859162, upload-time = "2025-10-21T15:56:59.195Z" }, - { url = "https://files.pythonhosted.org/packages/41/87/374f3b2021b22aa6a4fc0b750d63f9721e53d1631a238f7a1c343c1cd288/regex-2025.10.23-cp314-cp314-musllinux_1_2_s390x.whl", hash = "sha256:185d2b18c062820b3a40d8fefa223a83f10b20a674bf6e8c4a432e8dfd844627", size = 849899, upload-time = "2025-10-21T15:57:01.747Z" }, - { url = "https://files.pythonhosted.org/packages/12/4a/7f7bb17c5a5a9747249807210e348450dab9212a46ae6d23ebce86ba6a2b/regex-2025.10.23-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:281d87fa790049c2b7c1b4253121edd80b392b19b5a3d28dc2a77579cb2a58ec", size = 789372, upload-time = "2025-10-21T15:57:04.018Z" }, - { url = "https://files.pythonhosted.org/packages/c9/dd/9c7728ff544fea09bbc8635e4c9e7c423b11c24f1a7a14e6ac4831466709/regex-2025.10.23-cp314-cp314-win32.whl", hash = "sha256:63b81eef3656072e4ca87c58084c7a9c2b81d41a300b157be635a8a675aacfb8", size = 271451, upload-time = "2025-10-21T15:57:06.266Z" }, - { url = "https://files.pythonhosted.org/packages/48/f8/ef7837ff858eb74079c4804c10b0403c0b740762e6eedba41062225f7117/regex-2025.10.23-cp314-cp314-win_amd64.whl", hash = "sha256:0967c5b86f274800a34a4ed862dfab56928144d03cb18821c5153f8777947796", size = 280173, upload-time = "2025-10-21T15:57:08.206Z" }, - { url = "https://files.pythonhosted.org/packages/8e/d0/d576e1dbd9885bfcd83d0e90762beea48d9373a6f7ed39170f44ed22e336/regex-2025.10.23-cp314-cp314-win_arm64.whl", hash = "sha256:c70dfe58b0a00b36aa04cdb0f798bf3e0adc31747641f69e191109fd8572c9a9", size = 273206, upload-time = "2025-10-21T15:57:10.367Z" }, - { url = "https://files.pythonhosted.org/packages/a6/d0/2025268315e8b2b7b660039824cb7765a41623e97d4cd421510925400487/regex-2025.10.23-cp314-cp314t-macosx_10_13_universal2.whl", hash = "sha256:1f5799ea1787aa6de6c150377d11afad39a38afd033f0c5247aecb997978c422", size = 491854, upload-time = "2025-10-21T15:57:12.526Z" }, - { url = "https://files.pythonhosted.org/packages/44/35/5681c2fec5e8b33454390af209c4353dfc44606bf06d714b0b8bd0454ffe/regex-2025.10.23-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:a9639ab7540cfea45ef57d16dcbea2e22de351998d614c3ad2f9778fa3bdd788", size = 292542, upload-time = "2025-10-21T15:57:15.158Z" }, - { url = "https://files.pythonhosted.org/packages/5d/17/184eed05543b724132e4a18149e900f5189001fcfe2d64edaae4fbaf36b4/regex-2025.10.23-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:08f52122c352eb44c3421dab78b9b73a8a77a282cc8314ae576fcaa92b780d10", size = 290903, upload-time = "2025-10-21T15:57:17.108Z" }, - { url = "https://files.pythonhosted.org/packages/25/d0/5e3347aa0db0de382dddfa133a7b0ae72f24b4344f3989398980b44a3924/regex-2025.10.23-cp314-cp314t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:ebf1baebef1c4088ad5a5623decec6b52950f0e4d7a0ae4d48f0a99f8c9cb7d7", size = 807546, upload-time = "2025-10-21T15:57:19.179Z" }, - { url = "https://files.pythonhosted.org/packages/d2/bb/40c589bbdce1be0c55e9f8159789d58d47a22014f2f820cf2b517a5cd193/regex-2025.10.23-cp314-cp314t-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:16b0f1c2e2d566c562d5c384c2b492646be0a19798532fdc1fdedacc66e3223f", size = 873322, upload-time = "2025-10-21T15:57:21.36Z" }, - { url = "https://files.pythonhosted.org/packages/fe/56/a7e40c01575ac93360e606278d359f91829781a9f7fb6e5aa435039edbda/regex-2025.10.23-cp314-cp314t-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:f7ada5d9dceafaab92646aa00c10a9efd9b09942dd9b0d7c5a4b73db92cc7e61", size = 914855, upload-time = "2025-10-21T15:57:24.044Z" }, - { url = "https://files.pythonhosted.org/packages/5c/4b/d55587b192763db3163c3f508b3b67b31bb6f5e7a0e08b83013d0a59500a/regex-2025.10.23-cp314-cp314t-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:3a36b4005770044bf08edecc798f0e41a75795b9e7c9c12fe29da8d792ef870c", size = 812724, upload-time = "2025-10-21T15:57:26.123Z" }, - { url = "https://files.pythonhosted.org/packages/33/20/18bac334955fbe99d17229f4f8e98d05e4a501ac03a442be8facbb37c304/regex-2025.10.23-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:af7b2661dcc032da1fae82069b5ebf2ac1dfcd5359ef8b35e1367bfc92181432", size = 795439, upload-time = "2025-10-21T15:57:28.497Z" }, - { url = "https://files.pythonhosted.org/packages/67/46/c57266be9df8549c7d85deb4cb82280cb0019e46fff677534c5fa1badfa4/regex-2025.10.23-cp314-cp314t-musllinux_1_2_ppc64le.whl", hash = "sha256:1cb976810ac1416a67562c2e5ba0accf6f928932320fef302e08100ed681b38e", size = 868336, upload-time = "2025-10-21T15:57:30.867Z" }, - { url = "https://files.pythonhosted.org/packages/b8/f3/bd5879e41ef8187fec5e678e94b526a93f99e7bbe0437b0f2b47f9101694/regex-2025.10.23-cp314-cp314t-musllinux_1_2_s390x.whl", hash = "sha256:1a56a54be3897d62f54290190fbcd754bff6932934529fbf5b29933da28fcd43", size = 854567, upload-time = "2025-10-21T15:57:33.062Z" }, - { url = "https://files.pythonhosted.org/packages/e6/57/2b6bbdbd2f24dfed5b028033aa17ad8f7d86bb28f1a892cac8b3bc89d059/regex-2025.10.23-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:8f3e6d202fb52c2153f532043bbcf618fd177df47b0b306741eb9b60ba96edc3", size = 799565, upload-time = "2025-10-21T15:57:35.153Z" }, - { url = "https://files.pythonhosted.org/packages/c7/ba/a6168f542ba73b151ed81237adf6b869c7b2f7f8d51618111296674e20ee/regex-2025.10.23-cp314-cp314t-win32.whl", hash = "sha256:1fa1186966b2621b1769fd467c7b22e317e6ba2d2cdcecc42ea3089ef04a8521", size = 274428, upload-time = "2025-10-21T15:57:37.996Z" }, - { url = "https://files.pythonhosted.org/packages/ef/a0/c84475e14a2829e9b0864ebf77c3f7da909df9d8acfe2bb540ff0072047c/regex-2025.10.23-cp314-cp314t-win_amd64.whl", hash = "sha256:08a15d40ce28362eac3e78e83d75475147869c1ff86bc93285f43b4f4431a741", size = 284140, upload-time = "2025-10-21T15:57:40.027Z" }, - { url = "https://files.pythonhosted.org/packages/51/33/6a08ade0eee5b8ba79386869fa6f77afeb835b60510f3525db987e2fffc4/regex-2025.10.23-cp314-cp314t-win_arm64.whl", hash = "sha256:a93e97338e1c8ea2649e130dcfbe8cd69bba5e1e163834752ab64dcb4de6d5ed", size = 274497, upload-time = "2025-10-21T15:57:42.389Z" }, -] - -[[package]] -name = "requests" -version = "2.32.5" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "certifi" }, - { name = "charset-normalizer" }, - { name = "idna" }, - { name = "urllib3" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/c9/74/b3ff8e6c8446842c3f5c837e9c3dfcfe2018ea6ecef224c710c85ef728f4/requests-2.32.5.tar.gz", hash = "sha256:dbba0bac56e100853db0ea71b82b4dfd5fe2bf6d3754a8893c3af500cec7d7cf", size = 134517, upload-time = "2025-08-18T20:46:02.573Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/1e/db/4254e3eabe8020b458f1a747140d32277ec7a271daf1d235b70dc0b4e6e3/requests-2.32.5-py3-none-any.whl", hash = "sha256:2462f94637a34fd532264295e186976db0f5d453d1cdd31473c85a6a161affb6", size = 64738, upload-time = "2025-08-18T20:46:00.542Z" }, -] - -[[package]] -name = "requests-toolbelt" -version = "1.0.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "requests" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/f3/61/d7545dafb7ac2230c70d38d31cbfe4cc64f7144dc41f6e4e4b78ecd9f5bb/requests-toolbelt-1.0.0.tar.gz", hash = "sha256:7681a0a3d047012b5bdc0ee37d7f8f07ebe76ab08caeccfc3921ce23c88d5bc6", size = 206888, upload-time = "2023-05-01T04:11:33.229Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/3f/51/d4db610ef29373b879047326cbf6fa98b6c1969d6f6dc423279de2b1be2c/requests_toolbelt-1.0.0-py2.py3-none-any.whl", hash = "sha256:cccfdd665f0a24fcf4726e690f65639d272bb0637b9b92dfd91a5568ccf6bd06", size = 54481, upload-time = "2023-05-01T04:11:28.427Z" }, -] - -[[package]] -name = "rfc3339-validator" -version = "0.1.4" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "six" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/28/ea/a9387748e2d111c3c2b275ba970b735e04e15cdb1eb30693b6b5708c4dbd/rfc3339_validator-0.1.4.tar.gz", hash = "sha256:138a2abdf93304ad60530167e51d2dfb9549521a836871b88d7f4695d0022f6b", size = 5513, upload-time = "2021-05-12T16:37:54.178Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/7b/44/4e421b96b67b2daff264473f7465db72fbdf36a07e05494f50300cc7b0c6/rfc3339_validator-0.1.4-py2.py3-none-any.whl", hash = "sha256:24f6ec1eda14ef823da9e36ec7113124b39c04d50a4d3d3a3c2859577e7791fa", size = 3490, upload-time = "2021-05-12T16:37:52.536Z" }, -] - -[[package]] -name = "rfc3986-validator" -version = "0.1.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/da/88/f270de456dd7d11dcc808abfa291ecdd3f45ff44e3b549ffa01b126464d0/rfc3986_validator-0.1.1.tar.gz", hash = "sha256:3d44bde7921b3b9ec3ae4e3adca370438eccebc676456449b145d533b240d055", size = 6760, upload-time = "2019-10-28T16:00:19.144Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/9e/51/17023c0f8f1869d8806b979a2bffa3f861f26a3f1a66b094288323fba52f/rfc3986_validator-0.1.1-py2.py3-none-any.whl", hash = "sha256:2f235c432ef459970b4306369336b9d5dbdda31b510ca1e327636e01f528bfa9", size = 4242, upload-time = "2019-10-28T16:00:13.976Z" }, -] - -[[package]] -name = "rfc3987-syntax" -version = "1.1.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "lark" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/2c/06/37c1a5557acf449e8e406a830a05bf885ac47d33270aec454ef78675008d/rfc3987_syntax-1.1.0.tar.gz", hash = "sha256:717a62cbf33cffdd16dfa3a497d81ce48a660ea691b1ddd7be710c22f00b4a0d", size = 14239, upload-time = "2025-07-18T01:05:05.015Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/7e/71/44ce230e1b7fadd372515a97e32a83011f906ddded8d03e3c6aafbdedbb7/rfc3987_syntax-1.1.0-py3-none-any.whl", hash = "sha256:6c3d97604e4c5ce9f714898e05401a0445a641cfa276432b0a648c80856f6a3f", size = 8046, upload-time = "2025-07-18T01:05:03.843Z" }, -] - -[[package]] -name = "rich" -version = "14.2.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "markdown-it-py" }, - { name = "pygments" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/fb/d2/8920e102050a0de7bfabeb4c4614a49248cf8d5d7a8d01885fbb24dc767a/rich-14.2.0.tar.gz", hash = "sha256:73ff50c7c0c1c77c8243079283f4edb376f0f6442433aecb8ce7e6d0b92d1fe4", size = 219990, upload-time = "2025-10-09T14:16:53.064Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/25/7a/b0178788f8dc6cafce37a212c99565fa1fe7872c70c6c9c1e1a372d9d88f/rich-14.2.0-py3-none-any.whl", hash = "sha256:76bc51fe2e57d2b1be1f96c524b890b816e334ab4c1e45888799bfaab0021edd", size = 243393, upload-time = "2025-10-09T14:16:51.245Z" }, -] - -[[package]] -name = "rich-argparse" -version = "1.7.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "rich" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/71/a6/34460d81e5534f6d2fc8e8d91ff99a5835fdca53578eac89e4f37b3a7c6d/rich_argparse-1.7.1.tar.gz", hash = "sha256:d7a493cde94043e41ea68fb43a74405fa178de981bf7b800f7a3bd02ac5c27be", size = 38094, upload-time = "2025-05-25T20:20:35.335Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/31/f6/5fc0574af5379606ffd57a4b68ed88f9b415eb222047fe023aefcc00a648/rich_argparse-1.7.1-py3-none-any.whl", hash = "sha256:a8650b42e4a4ff72127837632fba6b7da40784842f08d7395eb67a9cbd7b4bf9", size = 25357, upload-time = "2025-05-25T20:20:33.793Z" }, -] - -[[package]] -name = "roman-numerals-py" -version = "3.1.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/30/76/48fd56d17c5bdbdf65609abbc67288728a98ed4c02919428d4f52d23b24b/roman_numerals_py-3.1.0.tar.gz", hash = "sha256:be4bf804f083a4ce001b5eb7e3c0862479d10f94c936f6c4e5f250aa5ff5bd2d", size = 9017, upload-time = "2025-02-22T07:34:54.333Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/53/97/d2cbbaa10c9b826af0e10fdf836e1bf344d9f0abb873ebc34d1f49642d3f/roman_numerals_py-3.1.0-py3-none-any.whl", hash = "sha256:9da2ad2fb670bcf24e81070ceb3be72f6c11c440d73bd579fbeca1e9f330954c", size = 7742, upload-time = "2025-02-22T07:34:52.422Z" }, -] - -[[package]] -name = "rpds-py" -version = "0.28.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/48/dc/95f074d43452b3ef5d06276696ece4b3b5d696e7c9ad7173c54b1390cd70/rpds_py-0.28.0.tar.gz", hash = "sha256:abd4df20485a0983e2ca334a216249b6186d6e3c1627e106651943dbdb791aea", size = 27419, upload-time = "2025-10-22T22:24:29.327Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/82/f8/13bb772dc7cbf2c3c5b816febc34fa0cb2c64a08e0569869585684ce6631/rpds_py-0.28.0-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:7b6013db815417eeb56b2d9d7324e64fcd4fa289caeee6e7a78b2e11fc9b438a", size = 362820, upload-time = "2025-10-22T22:21:15.074Z" }, - { url = "https://files.pythonhosted.org/packages/84/91/6acce964aab32469c3dbe792cb041a752d64739c534e9c493c701ef0c032/rpds_py-0.28.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:1a4c6b05c685c0c03f80dabaeb73e74218c49deea965ca63f76a752807397207", size = 348499, upload-time = "2025-10-22T22:21:17.658Z" }, - { url = "https://files.pythonhosted.org/packages/f1/93/c05bb1f4f5e0234db7c4917cb8dd5e2e0a9a7b26dc74b1b7bee3c9cfd477/rpds_py-0.28.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f4794c6c3fbe8f9ac87699b131a1f26e7b4abcf6d828da46a3a52648c7930eba", size = 379356, upload-time = "2025-10-22T22:21:19.847Z" }, - { url = "https://files.pythonhosted.org/packages/5c/37/e292da436f0773e319753c567263427cdf6c645d30b44f09463ff8216cda/rpds_py-0.28.0-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:2e8456b6ee5527112ff2354dd9087b030e3429e43a74f480d4a5ca79d269fd85", size = 390151, upload-time = "2025-10-22T22:21:21.569Z" }, - { url = "https://files.pythonhosted.org/packages/76/87/a4e3267131616e8faf10486dc00eaedf09bd61c87f01e5ef98e782ee06c9/rpds_py-0.28.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:beb880a9ca0a117415f241f66d56025c02037f7c4efc6fe59b5b8454f1eaa50d", size = 524831, upload-time = "2025-10-22T22:21:23.394Z" }, - { url = "https://files.pythonhosted.org/packages/e1/c8/4a4ca76f0befae9515da3fad11038f0fce44f6bb60b21fe9d9364dd51fb0/rpds_py-0.28.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:6897bebb118c44b38c9cb62a178e09f1593c949391b9a1a6fe777ccab5934ee7", size = 404687, upload-time = "2025-10-22T22:21:25.201Z" }, - { url = "https://files.pythonhosted.org/packages/6a/65/118afe854424456beafbbebc6b34dcf6d72eae3a08b4632bc4220f8240d9/rpds_py-0.28.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b1b553dd06e875249fd43efd727785efb57a53180e0fde321468222eabbeaafa", size = 382683, upload-time = "2025-10-22T22:21:26.536Z" }, - { url = "https://files.pythonhosted.org/packages/f7/bc/0625064041fb3a0c77ecc8878c0e8341b0ae27ad0f00cf8f2b57337a1e63/rpds_py-0.28.0-cp310-cp310-manylinux_2_31_riscv64.whl", hash = "sha256:f0b2044fdddeea5b05df832e50d2a06fe61023acb44d76978e1b060206a8a476", size = 398927, upload-time = "2025-10-22T22:21:27.864Z" }, - { url = "https://files.pythonhosted.org/packages/5d/1a/fed7cf2f1ee8a5e4778f2054153f2cfcf517748875e2f5b21cf8907cd77d/rpds_py-0.28.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:05cf1e74900e8da73fa08cc76c74a03345e5a3e37691d07cfe2092d7d8e27b04", size = 411590, upload-time = "2025-10-22T22:21:29.474Z" }, - { url = "https://files.pythonhosted.org/packages/c1/64/a8e0f67fa374a6c472dbb0afdaf1ef744724f165abb6899f20e2f1563137/rpds_py-0.28.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:efd489fec7c311dae25e94fe7eeda4b3d06be71c68f2cf2e8ef990ffcd2cd7e8", size = 559843, upload-time = "2025-10-22T22:21:30.917Z" }, - { url = "https://files.pythonhosted.org/packages/a9/ea/e10353f6d7c105be09b8135b72787a65919971ae0330ad97d87e4e199880/rpds_py-0.28.0-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:ada7754a10faacd4f26067e62de52d6af93b6d9542f0df73c57b9771eb3ba9c4", size = 584188, upload-time = "2025-10-22T22:21:32.827Z" }, - { url = "https://files.pythonhosted.org/packages/18/b0/a19743e0763caf0c89f6fc6ba6fbd9a353b24ffb4256a492420c5517da5a/rpds_py-0.28.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:c2a34fd26588949e1e7977cfcbb17a9a42c948c100cab890c6d8d823f0586457", size = 550052, upload-time = "2025-10-22T22:21:34.702Z" }, - { url = "https://files.pythonhosted.org/packages/de/bc/ec2c004f6c7d6ab1e25dae875cdb1aee087c3ebed5b73712ed3000e3851a/rpds_py-0.28.0-cp310-cp310-win32.whl", hash = "sha256:f9174471d6920cbc5e82a7822de8dfd4dcea86eb828b04fc8c6519a77b0ee51e", size = 215110, upload-time = "2025-10-22T22:21:36.645Z" }, - { url = "https://files.pythonhosted.org/packages/6c/de/4ce8abf59674e17187023933547d2018363e8fc76ada4f1d4d22871ccb6e/rpds_py-0.28.0-cp310-cp310-win_amd64.whl", hash = "sha256:6e32dd207e2c4f8475257a3540ab8a93eff997abfa0a3fdb287cae0d6cd874b8", size = 223850, upload-time = "2025-10-22T22:21:38.006Z" }, - { url = "https://files.pythonhosted.org/packages/a6/34/058d0db5471c6be7bef82487ad5021ff8d1d1d27794be8730aad938649cf/rpds_py-0.28.0-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:03065002fd2e287725d95fbc69688e0c6daf6c6314ba38bdbaa3895418e09296", size = 362344, upload-time = "2025-10-22T22:21:39.713Z" }, - { url = "https://files.pythonhosted.org/packages/5d/67/9503f0ec8c055a0782880f300c50a2b8e5e72eb1f94dfc2053da527444dd/rpds_py-0.28.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:28ea02215f262b6d078daec0b45344c89e161eab9526b0d898221d96fdda5f27", size = 348440, upload-time = "2025-10-22T22:21:41.056Z" }, - { url = "https://files.pythonhosted.org/packages/68/2e/94223ee9b32332a41d75b6f94b37b4ce3e93878a556fc5f152cbd856a81f/rpds_py-0.28.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:25dbade8fbf30bcc551cb352376c0ad64b067e4fc56f90e22ba70c3ce205988c", size = 379068, upload-time = "2025-10-22T22:21:42.593Z" }, - { url = "https://files.pythonhosted.org/packages/b4/25/54fd48f9f680cfc44e6a7f39a5fadf1d4a4a1fd0848076af4a43e79f998c/rpds_py-0.28.0-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:3c03002f54cc855860bfdc3442928ffdca9081e73b5b382ed0b9e8efe6e5e205", size = 390518, upload-time = "2025-10-22T22:21:43.998Z" }, - { url = "https://files.pythonhosted.org/packages/1b/85/ac258c9c27f2ccb1bd5d0697e53a82ebcf8088e3186d5d2bf8498ee7ed44/rpds_py-0.28.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b9699fa7990368b22032baf2b2dce1f634388e4ffc03dfefaaac79f4695edc95", size = 525319, upload-time = "2025-10-22T22:21:45.645Z" }, - { url = "https://files.pythonhosted.org/packages/40/cb/c6734774789566d46775f193964b76627cd5f42ecf246d257ce84d1912ed/rpds_py-0.28.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b9b06fe1a75e05e0713f06ea0c89ecb6452210fd60e2f1b6ddc1067b990e08d9", size = 404896, upload-time = "2025-10-22T22:21:47.544Z" }, - { url = "https://files.pythonhosted.org/packages/1f/53/14e37ce83202c632c89b0691185dca9532288ff9d390eacae3d2ff771bae/rpds_py-0.28.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ac9f83e7b326a3f9ec3ef84cda98fb0a74c7159f33e692032233046e7fd15da2", size = 382862, upload-time = "2025-10-22T22:21:49.176Z" }, - { url = "https://files.pythonhosted.org/packages/6a/83/f3642483ca971a54d60caa4449f9d6d4dbb56a53e0072d0deff51b38af74/rpds_py-0.28.0-cp311-cp311-manylinux_2_31_riscv64.whl", hash = "sha256:0d3259ea9ad8743a75a43eb7819324cdab393263c91be86e2d1901ee65c314e0", size = 398848, upload-time = "2025-10-22T22:21:51.024Z" }, - { url = "https://files.pythonhosted.org/packages/44/09/2d9c8b2f88e399b4cfe86efdf2935feaf0394e4f14ab30c6c5945d60af7d/rpds_py-0.28.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:9a7548b345f66f6695943b4ef6afe33ccd3f1b638bd9afd0f730dd255c249c9e", size = 412030, upload-time = "2025-10-22T22:21:52.665Z" }, - { url = "https://files.pythonhosted.org/packages/dd/f5/e1cec473d4bde6df1fd3738be8e82d64dd0600868e76e92dfeaebbc2d18f/rpds_py-0.28.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:c9a40040aa388b037eb39416710fbcce9443498d2eaab0b9b45ae988b53f5c67", size = 559700, upload-time = "2025-10-22T22:21:54.123Z" }, - { url = "https://files.pythonhosted.org/packages/8d/be/73bb241c1649edbf14e98e9e78899c2c5e52bbe47cb64811f44d2cc11808/rpds_py-0.28.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:8f60c7ea34e78c199acd0d3cda37a99be2c861dd2b8cf67399784f70c9f8e57d", size = 584581, upload-time = "2025-10-22T22:21:56.102Z" }, - { url = "https://files.pythonhosted.org/packages/9c/9c/ffc6e9218cd1eb5c2c7dbd276c87cd10e8c2232c456b554169eb363381df/rpds_py-0.28.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:1571ae4292649100d743b26d5f9c63503bb1fedf538a8f29a98dce2d5ba6b4e6", size = 549981, upload-time = "2025-10-22T22:21:58.253Z" }, - { url = "https://files.pythonhosted.org/packages/5f/50/da8b6d33803a94df0149345ee33e5d91ed4d25fc6517de6a25587eae4133/rpds_py-0.28.0-cp311-cp311-win32.whl", hash = "sha256:5cfa9af45e7c1140af7321fa0bef25b386ee9faa8928c80dc3a5360971a29e8c", size = 214729, upload-time = "2025-10-22T22:21:59.625Z" }, - { url = "https://files.pythonhosted.org/packages/12/fd/b0f48c4c320ee24c8c20df8b44acffb7353991ddf688af01eef5f93d7018/rpds_py-0.28.0-cp311-cp311-win_amd64.whl", hash = "sha256:dd8d86b5d29d1b74100982424ba53e56033dc47720a6de9ba0259cf81d7cecaa", size = 223977, upload-time = "2025-10-22T22:22:01.092Z" }, - { url = "https://files.pythonhosted.org/packages/b4/21/c8e77a2ac66e2ec4e21f18a04b4e9a0417ecf8e61b5eaeaa9360a91713b4/rpds_py-0.28.0-cp311-cp311-win_arm64.whl", hash = "sha256:4e27d3a5709cc2b3e013bf93679a849213c79ae0573f9b894b284b55e729e120", size = 217326, upload-time = "2025-10-22T22:22:02.944Z" }, - { url = "https://files.pythonhosted.org/packages/b8/5c/6c3936495003875fe7b14f90ea812841a08fca50ab26bd840e924097d9c8/rpds_py-0.28.0-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:6b4f28583a4f247ff60cd7bdda83db8c3f5b05a7a82ff20dd4b078571747708f", size = 366439, upload-time = "2025-10-22T22:22:04.525Z" }, - { url = "https://files.pythonhosted.org/packages/56/f9/a0f1ca194c50aa29895b442771f036a25b6c41a35e4f35b1a0ea713bedae/rpds_py-0.28.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:d678e91b610c29c4b3d52a2c148b641df2b4676ffe47c59f6388d58b99cdc424", size = 348170, upload-time = "2025-10-22T22:22:06.397Z" }, - { url = "https://files.pythonhosted.org/packages/18/ea/42d243d3a586beb72c77fa5def0487daf827210069a95f36328e869599ea/rpds_py-0.28.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e819e0e37a44a78e1383bf1970076e2ccc4dc8c2bbaa2f9bd1dc987e9afff628", size = 378838, upload-time = "2025-10-22T22:22:07.932Z" }, - { url = "https://files.pythonhosted.org/packages/e7/78/3de32e18a94791af8f33601402d9d4f39613136398658412a4e0b3047327/rpds_py-0.28.0-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:5ee514e0f0523db5d3fb171f397c54875dbbd69760a414dccf9d4d7ad628b5bd", size = 393299, upload-time = "2025-10-22T22:22:09.435Z" }, - { url = "https://files.pythonhosted.org/packages/13/7e/4bdb435afb18acea2eb8a25ad56b956f28de7c59f8a1d32827effa0d4514/rpds_py-0.28.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5f3fa06d27fdcee47f07a39e02862da0100cb4982508f5ead53ec533cd5fe55e", size = 518000, upload-time = "2025-10-22T22:22:11.326Z" }, - { url = "https://files.pythonhosted.org/packages/31/d0/5f52a656875cdc60498ab035a7a0ac8f399890cc1ee73ebd567bac4e39ae/rpds_py-0.28.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:46959ef2e64f9e4a41fc89aa20dbca2b85531f9a72c21099a3360f35d10b0d5a", size = 408746, upload-time = "2025-10-22T22:22:13.143Z" }, - { url = "https://files.pythonhosted.org/packages/3e/cd/49ce51767b879cde77e7ad9fae164ea15dce3616fe591d9ea1df51152706/rpds_py-0.28.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8455933b4bcd6e83fde3fefc987a023389c4b13f9a58c8d23e4b3f6d13f78c84", size = 386379, upload-time = "2025-10-22T22:22:14.602Z" }, - { url = "https://files.pythonhosted.org/packages/6a/99/e4e1e1ee93a98f72fc450e36c0e4d99c35370220e815288e3ecd2ec36a2a/rpds_py-0.28.0-cp312-cp312-manylinux_2_31_riscv64.whl", hash = "sha256:ad50614a02c8c2962feebe6012b52f9802deec4263946cddea37aaf28dd25a66", size = 401280, upload-time = "2025-10-22T22:22:16.063Z" }, - { url = "https://files.pythonhosted.org/packages/61/35/e0c6a57488392a8b319d2200d03dad2b29c0db9996f5662c3b02d0b86c02/rpds_py-0.28.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:e5deca01b271492553fdb6c7fd974659dce736a15bae5dad7ab8b93555bceb28", size = 412365, upload-time = "2025-10-22T22:22:17.504Z" }, - { url = "https://files.pythonhosted.org/packages/ff/6a/841337980ea253ec797eb084665436007a1aad0faac1ba097fb906c5f69c/rpds_py-0.28.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:735f8495a13159ce6a0d533f01e8674cec0c57038c920495f87dcb20b3ddb48a", size = 559573, upload-time = "2025-10-22T22:22:19.108Z" }, - { url = "https://files.pythonhosted.org/packages/e7/5e/64826ec58afd4c489731f8b00729c5f6afdb86f1df1df60bfede55d650bb/rpds_py-0.28.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:961ca621ff10d198bbe6ba4957decca61aa2a0c56695384c1d6b79bf61436df5", size = 583973, upload-time = "2025-10-22T22:22:20.768Z" }, - { url = "https://files.pythonhosted.org/packages/b6/ee/44d024b4843f8386a4eeaa4c171b3d31d55f7177c415545fd1a24c249b5d/rpds_py-0.28.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:2374e16cc9131022e7d9a8f8d65d261d9ba55048c78f3b6e017971a4f5e6353c", size = 553800, upload-time = "2025-10-22T22:22:22.25Z" }, - { url = "https://files.pythonhosted.org/packages/7d/89/33e675dccff11a06d4d85dbb4d1865f878d5020cbb69b2c1e7b2d3f82562/rpds_py-0.28.0-cp312-cp312-win32.whl", hash = "sha256:d15431e334fba488b081d47f30f091e5d03c18527c325386091f31718952fe08", size = 216954, upload-time = "2025-10-22T22:22:24.105Z" }, - { url = "https://files.pythonhosted.org/packages/af/36/45f6ebb3210887e8ee6dbf1bc710ae8400bb417ce165aaf3024b8360d999/rpds_py-0.28.0-cp312-cp312-win_amd64.whl", hash = "sha256:a410542d61fc54710f750d3764380b53bf09e8c4edbf2f9141a82aa774a04f7c", size = 227844, upload-time = "2025-10-22T22:22:25.551Z" }, - { url = "https://files.pythonhosted.org/packages/57/91/f3fb250d7e73de71080f9a221d19bd6a1c1eb0d12a1ea26513f6c1052ad6/rpds_py-0.28.0-cp312-cp312-win_arm64.whl", hash = "sha256:1f0cfd1c69e2d14f8c892b893997fa9a60d890a0c8a603e88dca4955f26d1edd", size = 217624, upload-time = "2025-10-22T22:22:26.914Z" }, - { url = "https://files.pythonhosted.org/packages/d3/03/ce566d92611dfac0085c2f4b048cd53ed7c274a5c05974b882a908d540a2/rpds_py-0.28.0-cp313-cp313-macosx_10_12_x86_64.whl", hash = "sha256:e9e184408a0297086f880556b6168fa927d677716f83d3472ea333b42171ee3b", size = 366235, upload-time = "2025-10-22T22:22:28.397Z" }, - { url = "https://files.pythonhosted.org/packages/00/34/1c61da1b25592b86fd285bd7bd8422f4c9d748a7373b46126f9ae792a004/rpds_py-0.28.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:edd267266a9b0448f33dc465a97cfc5d467594b600fe28e7fa2f36450e03053a", size = 348241, upload-time = "2025-10-22T22:22:30.171Z" }, - { url = "https://files.pythonhosted.org/packages/fc/00/ed1e28616848c61c493a067779633ebf4b569eccaacf9ccbdc0e7cba2b9d/rpds_py-0.28.0-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:85beb8b3f45e4e32f6802fb6cd6b17f615ef6c6a52f265371fb916fae02814aa", size = 378079, upload-time = "2025-10-22T22:22:31.644Z" }, - { url = "https://files.pythonhosted.org/packages/11/b2/ccb30333a16a470091b6e50289adb4d3ec656fd9951ba8c5e3aaa0746a67/rpds_py-0.28.0-cp313-cp313-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:d2412be8d00a1b895f8ad827cc2116455196e20ed994bb704bf138fe91a42724", size = 393151, upload-time = "2025-10-22T22:22:33.453Z" }, - { url = "https://files.pythonhosted.org/packages/8c/d0/73e2217c3ee486d555cb84920597480627d8c0240ff3062005c6cc47773e/rpds_py-0.28.0-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:cf128350d384b777da0e68796afdcebc2e9f63f0e9f242217754e647f6d32491", size = 517520, upload-time = "2025-10-22T22:22:34.949Z" }, - { url = "https://files.pythonhosted.org/packages/c4/91/23efe81c700427d0841a4ae7ea23e305654381831e6029499fe80be8a071/rpds_py-0.28.0-cp313-cp313-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a2036d09b363aa36695d1cc1a97b36865597f4478470b0697b5ee9403f4fe399", size = 408699, upload-time = "2025-10-22T22:22:36.584Z" }, - { url = "https://files.pythonhosted.org/packages/ca/ee/a324d3198da151820a326c1f988caaa4f37fc27955148a76fff7a2d787a9/rpds_py-0.28.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b8e1e9be4fa6305a16be628959188e4fd5cd6f1b0e724d63c6d8b2a8adf74ea6", size = 385720, upload-time = "2025-10-22T22:22:38.014Z" }, - { url = "https://files.pythonhosted.org/packages/19/ad/e68120dc05af8b7cab4a789fccd8cdcf0fe7e6581461038cc5c164cd97d2/rpds_py-0.28.0-cp313-cp313-manylinux_2_31_riscv64.whl", hash = "sha256:0a403460c9dd91a7f23fc3188de6d8977f1d9603a351d5db6cf20aaea95b538d", size = 401096, upload-time = "2025-10-22T22:22:39.869Z" }, - { url = "https://files.pythonhosted.org/packages/99/90/c1e070620042459d60df6356b666bb1f62198a89d68881816a7ed121595a/rpds_py-0.28.0-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:d7366b6553cdc805abcc512b849a519167db8f5e5c3472010cd1228b224265cb", size = 411465, upload-time = "2025-10-22T22:22:41.395Z" }, - { url = "https://files.pythonhosted.org/packages/68/61/7c195b30d57f1b8d5970f600efee72a4fad79ec829057972e13a0370fd24/rpds_py-0.28.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:5b43c6a3726efd50f18d8120ec0551241c38785b68952d240c45ea553912ac41", size = 558832, upload-time = "2025-10-22T22:22:42.871Z" }, - { url = "https://files.pythonhosted.org/packages/b0/3d/06f3a718864773f69941d4deccdf18e5e47dd298b4628062f004c10f3b34/rpds_py-0.28.0-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:0cb7203c7bc69d7c1585ebb33a2e6074492d2fc21ad28a7b9d40457ac2a51ab7", size = 583230, upload-time = "2025-10-22T22:22:44.877Z" }, - { url = "https://files.pythonhosted.org/packages/66/df/62fc783781a121e77fee9a21ead0a926f1b652280a33f5956a5e7833ed30/rpds_py-0.28.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:7a52a5169c664dfb495882adc75c304ae1d50df552fbd68e100fdc719dee4ff9", size = 553268, upload-time = "2025-10-22T22:22:46.441Z" }, - { url = "https://files.pythonhosted.org/packages/84/85/d34366e335140a4837902d3dea89b51f087bd6a63c993ebdff59e93ee61d/rpds_py-0.28.0-cp313-cp313-win32.whl", hash = "sha256:2e42456917b6687215b3e606ab46aa6bca040c77af7df9a08a6dcfe8a4d10ca5", size = 217100, upload-time = "2025-10-22T22:22:48.342Z" }, - { url = "https://files.pythonhosted.org/packages/3c/1c/f25a3f3752ad7601476e3eff395fe075e0f7813fbb9862bd67c82440e880/rpds_py-0.28.0-cp313-cp313-win_amd64.whl", hash = "sha256:e0a0311caedc8069d68fc2bf4c9019b58a2d5ce3cd7cb656c845f1615b577e1e", size = 227759, upload-time = "2025-10-22T22:22:50.219Z" }, - { url = "https://files.pythonhosted.org/packages/e0/d6/5f39b42b99615b5bc2f36ab90423ea404830bdfee1c706820943e9a645eb/rpds_py-0.28.0-cp313-cp313-win_arm64.whl", hash = "sha256:04c1b207ab8b581108801528d59ad80aa83bb170b35b0ddffb29c20e411acdc1", size = 217326, upload-time = "2025-10-22T22:22:51.647Z" }, - { url = "https://files.pythonhosted.org/packages/5c/8b/0c69b72d1cee20a63db534be0df271effe715ef6c744fdf1ff23bb2b0b1c/rpds_py-0.28.0-cp313-cp313t-macosx_10_12_x86_64.whl", hash = "sha256:f296ea3054e11fc58ad42e850e8b75c62d9a93a9f981ad04b2e5ae7d2186ff9c", size = 355736, upload-time = "2025-10-22T22:22:53.211Z" }, - { url = "https://files.pythonhosted.org/packages/f7/6d/0c2ee773cfb55c31a8514d2cece856dd299170a49babd50dcffb15ddc749/rpds_py-0.28.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:5a7306c19b19005ad98468fcefeb7100b19c79fc23a5f24a12e06d91181193fa", size = 342677, upload-time = "2025-10-22T22:22:54.723Z" }, - { url = "https://files.pythonhosted.org/packages/e2/1c/22513ab25a27ea205144414724743e305e8153e6abe81833b5e678650f5a/rpds_py-0.28.0-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e5d9b86aa501fed9862a443c5c3116f6ead8bc9296185f369277c42542bd646b", size = 371847, upload-time = "2025-10-22T22:22:56.295Z" }, - { url = "https://files.pythonhosted.org/packages/60/07/68e6ccdb4b05115ffe61d31afc94adef1833d3a72f76c9632d4d90d67954/rpds_py-0.28.0-cp313-cp313t-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:e5bbc701eff140ba0e872691d573b3d5d30059ea26e5785acba9132d10c8c31d", size = 381800, upload-time = "2025-10-22T22:22:57.808Z" }, - { url = "https://files.pythonhosted.org/packages/73/bf/6d6d15df80781d7f9f368e7c1a00caf764436518c4877fb28b029c4624af/rpds_py-0.28.0-cp313-cp313t-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9a5690671cd672a45aa8616d7374fdf334a1b9c04a0cac3c854b1136e92374fe", size = 518827, upload-time = "2025-10-22T22:22:59.826Z" }, - { url = "https://files.pythonhosted.org/packages/7b/d3/2decbb2976cc452cbf12a2b0aaac5f1b9dc5dd9d1f7e2509a3ee00421249/rpds_py-0.28.0-cp313-cp313t-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9f1d92ecea4fa12f978a367c32a5375a1982834649cdb96539dcdc12e609ab1a", size = 399471, upload-time = "2025-10-22T22:23:01.968Z" }, - { url = "https://files.pythonhosted.org/packages/b1/2c/f30892f9e54bd02e5faca3f6a26d6933c51055e67d54818af90abed9748e/rpds_py-0.28.0-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8d252db6b1a78d0a3928b6190156042d54c93660ce4d98290d7b16b5296fb7cc", size = 377578, upload-time = "2025-10-22T22:23:03.52Z" }, - { url = "https://files.pythonhosted.org/packages/f0/5d/3bce97e5534157318f29ac06bf2d279dae2674ec12f7cb9c12739cee64d8/rpds_py-0.28.0-cp313-cp313t-manylinux_2_31_riscv64.whl", hash = "sha256:d61b355c3275acb825f8777d6c4505f42b5007e357af500939d4a35b19177259", size = 390482, upload-time = "2025-10-22T22:23:05.391Z" }, - { url = "https://files.pythonhosted.org/packages/e3/f0/886bd515ed457b5bd93b166175edb80a0b21a210c10e993392127f1e3931/rpds_py-0.28.0-cp313-cp313t-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:acbe5e8b1026c0c580d0321c8aae4b0a1e1676861d48d6e8c6586625055b606a", size = 402447, upload-time = "2025-10-22T22:23:06.93Z" }, - { url = "https://files.pythonhosted.org/packages/42/b5/71e8777ac55e6af1f4f1c05b47542a1eaa6c33c1cf0d300dca6a1c6e159a/rpds_py-0.28.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:8aa23b6f0fc59b85b4c7d89ba2965af274346f738e8d9fc2455763602e62fd5f", size = 552385, upload-time = "2025-10-22T22:23:08.557Z" }, - { url = "https://files.pythonhosted.org/packages/5d/cb/6ca2d70cbda5a8e36605e7788c4aa3bea7c17d71d213465a5a675079b98d/rpds_py-0.28.0-cp313-cp313t-musllinux_1_2_i686.whl", hash = "sha256:7b14b0c680286958817c22d76fcbca4800ddacef6f678f3a7c79a1fe7067fe37", size = 575642, upload-time = "2025-10-22T22:23:10.348Z" }, - { url = "https://files.pythonhosted.org/packages/4a/d4/407ad9960ca7856d7b25c96dcbe019270b5ffdd83a561787bc682c797086/rpds_py-0.28.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:bcf1d210dfee61a6c86551d67ee1031899c0fdbae88b2d44a569995d43797712", size = 544507, upload-time = "2025-10-22T22:23:12.434Z" }, - { url = "https://files.pythonhosted.org/packages/51/31/2f46fe0efcac23fbf5797c6b6b7e1c76f7d60773e525cb65fcbc582ee0f2/rpds_py-0.28.0-cp313-cp313t-win32.whl", hash = "sha256:3aa4dc0fdab4a7029ac63959a3ccf4ed605fee048ba67ce89ca3168da34a1342", size = 205376, upload-time = "2025-10-22T22:23:13.979Z" }, - { url = "https://files.pythonhosted.org/packages/92/e4/15947bda33cbedfc134490a41841ab8870a72a867a03d4969d886f6594a2/rpds_py-0.28.0-cp313-cp313t-win_amd64.whl", hash = "sha256:7b7d9d83c942855e4fdcfa75d4f96f6b9e272d42fffcb72cd4bb2577db2e2907", size = 215907, upload-time = "2025-10-22T22:23:15.5Z" }, - { url = "https://files.pythonhosted.org/packages/08/47/ffe8cd7a6a02833b10623bf765fbb57ce977e9a4318ca0e8cf97e9c3d2b3/rpds_py-0.28.0-cp314-cp314-macosx_10_12_x86_64.whl", hash = "sha256:dcdcb890b3ada98a03f9f2bb108489cdc7580176cb73b4f2d789e9a1dac1d472", size = 353830, upload-time = "2025-10-22T22:23:17.03Z" }, - { url = "https://files.pythonhosted.org/packages/f9/9f/890f36cbd83a58491d0d91ae0db1702639edb33fb48eeb356f80ecc6b000/rpds_py-0.28.0-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:f274f56a926ba2dc02976ca5b11c32855cbd5925534e57cfe1fda64e04d1add2", size = 341819, upload-time = "2025-10-22T22:23:18.57Z" }, - { url = "https://files.pythonhosted.org/packages/09/e3/921eb109f682aa24fb76207698fbbcf9418738f35a40c21652c29053f23d/rpds_py-0.28.0-cp314-cp314-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4fe0438ac4a29a520ea94c8c7f1754cdd8feb1bc490dfda1bfd990072363d527", size = 373127, upload-time = "2025-10-22T22:23:20.216Z" }, - { url = "https://files.pythonhosted.org/packages/23/13/bce4384d9f8f4989f1a9599c71b7a2d877462e5fd7175e1f69b398f729f4/rpds_py-0.28.0-cp314-cp314-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:8a358a32dd3ae50e933347889b6af9a1bdf207ba5d1a3f34e1a38cd3540e6733", size = 382767, upload-time = "2025-10-22T22:23:21.787Z" }, - { url = "https://files.pythonhosted.org/packages/23/e1/579512b2d89a77c64ccef5a0bc46a6ef7f72ae0cf03d4b26dcd52e57ee0a/rpds_py-0.28.0-cp314-cp314-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e80848a71c78aa328fefaba9c244d588a342c8e03bda518447b624ea64d1ff56", size = 517585, upload-time = "2025-10-22T22:23:23.699Z" }, - { url = "https://files.pythonhosted.org/packages/62/3c/ca704b8d324a2591b0b0adcfcaadf9c862375b11f2f667ac03c61b4fd0a6/rpds_py-0.28.0-cp314-cp314-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f586db2e209d54fe177e58e0bc4946bea5fb0102f150b1b2f13de03e1f0976f8", size = 399828, upload-time = "2025-10-22T22:23:25.713Z" }, - { url = "https://files.pythonhosted.org/packages/da/37/e84283b9e897e3adc46b4c88bb3f6ec92a43bd4d2f7ef5b13459963b2e9c/rpds_py-0.28.0-cp314-cp314-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5ae8ee156d6b586e4292491e885d41483136ab994e719a13458055bec14cf370", size = 375509, upload-time = "2025-10-22T22:23:27.32Z" }, - { url = "https://files.pythonhosted.org/packages/1a/c2/a980beab869d86258bf76ec42dec778ba98151f253a952b02fe36d72b29c/rpds_py-0.28.0-cp314-cp314-manylinux_2_31_riscv64.whl", hash = "sha256:a805e9b3973f7e27f7cab63a6b4f61d90f2e5557cff73b6e97cd5b8540276d3d", size = 392014, upload-time = "2025-10-22T22:23:29.332Z" }, - { url = "https://files.pythonhosted.org/packages/da/b5/b1d3c5f9d3fa5aeef74265f9c64de3c34a0d6d5cd3c81c8b17d5c8f10ed4/rpds_py-0.28.0-cp314-cp314-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:5d3fd16b6dc89c73a4da0b4ac8b12a7ecc75b2864b95c9e5afed8003cb50a728", size = 402410, upload-time = "2025-10-22T22:23:31.14Z" }, - { url = "https://files.pythonhosted.org/packages/74/ae/cab05ff08dfcc052afc73dcb38cbc765ffc86f94e966f3924cd17492293c/rpds_py-0.28.0-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:6796079e5d24fdaba6d49bda28e2c47347e89834678f2bc2c1b4fc1489c0fb01", size = 553593, upload-time = "2025-10-22T22:23:32.834Z" }, - { url = "https://files.pythonhosted.org/packages/70/80/50d5706ea2a9bfc9e9c5f401d91879e7c790c619969369800cde202da214/rpds_py-0.28.0-cp314-cp314-musllinux_1_2_i686.whl", hash = "sha256:76500820c2af232435cbe215e3324c75b950a027134e044423f59f5b9a1ba515", size = 576925, upload-time = "2025-10-22T22:23:34.47Z" }, - { url = "https://files.pythonhosted.org/packages/ab/12/85a57d7a5855a3b188d024b099fd09c90db55d32a03626d0ed16352413ff/rpds_py-0.28.0-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:bbdc5640900a7dbf9dd707fe6388972f5bbd883633eb68b76591044cfe346f7e", size = 542444, upload-time = "2025-10-22T22:23:36.093Z" }, - { url = "https://files.pythonhosted.org/packages/6c/65/10643fb50179509150eb94d558e8837c57ca8b9adc04bd07b98e57b48f8c/rpds_py-0.28.0-cp314-cp314-win32.whl", hash = "sha256:adc8aa88486857d2b35d75f0640b949759f79dc105f50aa2c27816b2e0dd749f", size = 207968, upload-time = "2025-10-22T22:23:37.638Z" }, - { url = "https://files.pythonhosted.org/packages/b4/84/0c11fe4d9aaea784ff4652499e365963222481ac647bcd0251c88af646eb/rpds_py-0.28.0-cp314-cp314-win_amd64.whl", hash = "sha256:66e6fa8e075b58946e76a78e69e1a124a21d9a48a5b4766d15ba5b06869d1fa1", size = 218876, upload-time = "2025-10-22T22:23:39.179Z" }, - { url = "https://files.pythonhosted.org/packages/0f/e0/3ab3b86ded7bb18478392dc3e835f7b754cd446f62f3fc96f4fe2aca78f6/rpds_py-0.28.0-cp314-cp314-win_arm64.whl", hash = "sha256:a6fe887c2c5c59413353b7c0caff25d0e566623501ccfff88957fa438a69377d", size = 212506, upload-time = "2025-10-22T22:23:40.755Z" }, - { url = "https://files.pythonhosted.org/packages/51/ec/d5681bb425226c3501eab50fc30e9d275de20c131869322c8a1729c7b61c/rpds_py-0.28.0-cp314-cp314t-macosx_10_12_x86_64.whl", hash = "sha256:7a69df082db13c7070f7b8b1f155fa9e687f1d6aefb7b0e3f7231653b79a067b", size = 355433, upload-time = "2025-10-22T22:23:42.259Z" }, - { url = "https://files.pythonhosted.org/packages/be/ec/568c5e689e1cfb1ea8b875cffea3649260955f677fdd7ddc6176902d04cd/rpds_py-0.28.0-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:b1cde22f2c30ebb049a9e74c5374994157b9b70a16147d332f89c99c5960737a", size = 342601, upload-time = "2025-10-22T22:23:44.372Z" }, - { url = "https://files.pythonhosted.org/packages/32/fe/51ada84d1d2a1d9d8f2c902cfddd0133b4a5eb543196ab5161d1c07ed2ad/rpds_py-0.28.0-cp314-cp314t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5338742f6ba7a51012ea470bd4dc600a8c713c0c72adaa0977a1b1f4327d6592", size = 372039, upload-time = "2025-10-22T22:23:46.025Z" }, - { url = "https://files.pythonhosted.org/packages/07/c1/60144a2f2620abade1a78e0d91b298ac2d9b91bc08864493fa00451ef06e/rpds_py-0.28.0-cp314-cp314t-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:e1460ebde1bcf6d496d80b191d854adedcc619f84ff17dc1c6d550f58c9efbba", size = 382407, upload-time = "2025-10-22T22:23:48.098Z" }, - { url = "https://files.pythonhosted.org/packages/45/ed/091a7bbdcf4038a60a461df50bc4c82a7ed6d5d5e27649aab61771c17585/rpds_py-0.28.0-cp314-cp314t-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e3eb248f2feba84c692579257a043a7699e28a77d86c77b032c1d9fbb3f0219c", size = 518172, upload-time = "2025-10-22T22:23:50.16Z" }, - { url = "https://files.pythonhosted.org/packages/54/dd/02cc90c2fd9c2ef8016fd7813bfacd1c3a1325633ec8f244c47b449fc868/rpds_py-0.28.0-cp314-cp314t-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:bd3bbba5def70b16cd1c1d7255666aad3b290fbf8d0fe7f9f91abafb73611a91", size = 399020, upload-time = "2025-10-22T22:23:51.81Z" }, - { url = "https://files.pythonhosted.org/packages/ab/81/5d98cc0329bbb911ccecd0b9e19fbf7f3a5de8094b4cda5e71013b2dd77e/rpds_py-0.28.0-cp314-cp314t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3114f4db69ac5a1f32e7e4d1cbbe7c8f9cf8217f78e6e002cedf2d54c2a548ed", size = 377451, upload-time = "2025-10-22T22:23:53.711Z" }, - { url = "https://files.pythonhosted.org/packages/b4/07/4d5bcd49e3dfed2d38e2dcb49ab6615f2ceb9f89f5a372c46dbdebb4e028/rpds_py-0.28.0-cp314-cp314t-manylinux_2_31_riscv64.whl", hash = "sha256:4b0cb8a906b1a0196b863d460c0222fb8ad0f34041568da5620f9799b83ccf0b", size = 390355, upload-time = "2025-10-22T22:23:55.299Z" }, - { url = "https://files.pythonhosted.org/packages/3f/79/9f14ba9010fee74e4f40bf578735cfcbb91d2e642ffd1abe429bb0b96364/rpds_py-0.28.0-cp314-cp314t-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:cf681ac76a60b667106141e11a92a3330890257e6f559ca995fbb5265160b56e", size = 403146, upload-time = "2025-10-22T22:23:56.929Z" }, - { url = "https://files.pythonhosted.org/packages/39/4c/f08283a82ac141331a83a40652830edd3a4a92c34e07e2bbe00baaea2f5f/rpds_py-0.28.0-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:1e8ee6413cfc677ce8898d9cde18cc3a60fc2ba756b0dec5b71eb6eb21c49fa1", size = 552656, upload-time = "2025-10-22T22:23:58.62Z" }, - { url = "https://files.pythonhosted.org/packages/61/47/d922fc0666f0dd8e40c33990d055f4cc6ecff6f502c2d01569dbed830f9b/rpds_py-0.28.0-cp314-cp314t-musllinux_1_2_i686.whl", hash = "sha256:b3072b16904d0b5572a15eb9d31c1954e0d3227a585fc1351aa9878729099d6c", size = 576782, upload-time = "2025-10-22T22:24:00.312Z" }, - { url = "https://files.pythonhosted.org/packages/d3/0c/5bafdd8ccf6aa9d3bfc630cfece457ff5b581af24f46a9f3590f790e3df2/rpds_py-0.28.0-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:b670c30fd87a6aec281c3c9896d3bae4b205fd75d79d06dc87c2503717e46092", size = 544671, upload-time = "2025-10-22T22:24:02.297Z" }, - { url = "https://files.pythonhosted.org/packages/2c/37/dcc5d8397caa924988693519069d0beea077a866128719351a4ad95e82fc/rpds_py-0.28.0-cp314-cp314t-win32.whl", hash = "sha256:8014045a15b4d2b3476f0a287fcc93d4f823472d7d1308d47884ecac9e612be3", size = 205749, upload-time = "2025-10-22T22:24:03.848Z" }, - { url = "https://files.pythonhosted.org/packages/d7/69/64d43b21a10d72b45939a28961216baeb721cc2a430f5f7c3bfa21659a53/rpds_py-0.28.0-cp314-cp314t-win_amd64.whl", hash = "sha256:7a4e59c90d9c27c561eb3160323634a9ff50b04e4f7820600a2beb0ac90db578", size = 216233, upload-time = "2025-10-22T22:24:05.471Z" }, - { url = "https://files.pythonhosted.org/packages/ae/bc/b43f2ea505f28119bd551ae75f70be0c803d2dbcd37c1b3734909e40620b/rpds_py-0.28.0-pp311-pypy311_pp73-macosx_10_12_x86_64.whl", hash = "sha256:f5e7101145427087e493b9c9b959da68d357c28c562792300dd21a095118ed16", size = 363913, upload-time = "2025-10-22T22:24:07.129Z" }, - { url = "https://files.pythonhosted.org/packages/28/f2/db318195d324c89a2c57dc5195058cbadd71b20d220685c5bd1da79ee7fe/rpds_py-0.28.0-pp311-pypy311_pp73-macosx_11_0_arm64.whl", hash = "sha256:31eb671150b9c62409a888850aaa8e6533635704fe2b78335f9aaf7ff81eec4d", size = 350452, upload-time = "2025-10-22T22:24:08.754Z" }, - { url = "https://files.pythonhosted.org/packages/ae/f2/1391c819b8573a4898cedd6b6c5ec5bc370ce59e5d6bdcebe3c9c1db4588/rpds_py-0.28.0-pp311-pypy311_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:48b55c1f64482f7d8bd39942f376bfdf2f6aec637ee8c805b5041e14eeb771db", size = 380957, upload-time = "2025-10-22T22:24:10.826Z" }, - { url = "https://files.pythonhosted.org/packages/5a/5c/e5de68ee7eb7248fce93269833d1b329a196d736aefb1a7481d1e99d1222/rpds_py-0.28.0-pp311-pypy311_pp73-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:24743a7b372e9a76171f6b69c01aedf927e8ac3e16c474d9fe20d552a8cb45c7", size = 391919, upload-time = "2025-10-22T22:24:12.559Z" }, - { url = "https://files.pythonhosted.org/packages/fb/4f/2376336112cbfeb122fd435d608ad8d5041b3aed176f85a3cb32c262eb80/rpds_py-0.28.0-pp311-pypy311_pp73-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:389c29045ee8bbb1627ea190b4976a310a295559eaf9f1464a1a6f2bf84dde78", size = 528541, upload-time = "2025-10-22T22:24:14.197Z" }, - { url = "https://files.pythonhosted.org/packages/68/53/5ae232e795853dd20da7225c5dd13a09c0a905b1a655e92bdf8d78a99fd9/rpds_py-0.28.0-pp311-pypy311_pp73-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:23690b5827e643150cf7b49569679ec13fe9a610a15949ed48b85eb7f98f34ec", size = 405629, upload-time = "2025-10-22T22:24:16.001Z" }, - { url = "https://files.pythonhosted.org/packages/b9/2d/351a3b852b683ca9b6b8b38ed9efb2347596973849ba6c3a0e99877c10aa/rpds_py-0.28.0-pp311-pypy311_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6f0c9266c26580e7243ad0d72fc3e01d6b33866cfab5084a6da7576bcf1c4f72", size = 384123, upload-time = "2025-10-22T22:24:17.585Z" }, - { url = "https://files.pythonhosted.org/packages/e0/15/870804daa00202728cc91cb8e2385fa9f1f4eb49857c49cfce89e304eae6/rpds_py-0.28.0-pp311-pypy311_pp73-manylinux_2_31_riscv64.whl", hash = "sha256:4c6c4db5d73d179746951486df97fd25e92396be07fc29ee8ff9a8f5afbdfb27", size = 400923, upload-time = "2025-10-22T22:24:19.512Z" }, - { url = "https://files.pythonhosted.org/packages/53/25/3706b83c125fa2a0bccceac951de3f76631f6bd0ee4d02a0ed780712ef1b/rpds_py-0.28.0-pp311-pypy311_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:a3b695a8fa799dd2cfdb4804b37096c5f6dba1ac7f48a7fbf6d0485bcd060316", size = 413767, upload-time = "2025-10-22T22:24:21.316Z" }, - { url = "https://files.pythonhosted.org/packages/ef/f9/ce43dbe62767432273ed2584cef71fef8411bddfb64125d4c19128015018/rpds_py-0.28.0-pp311-pypy311_pp73-musllinux_1_2_aarch64.whl", hash = "sha256:6aa1bfce3f83baf00d9c5fcdbba93a3ab79958b4c7d7d1f55e7fe68c20e63912", size = 561530, upload-time = "2025-10-22T22:24:22.958Z" }, - { url = "https://files.pythonhosted.org/packages/46/c9/ffe77999ed8f81e30713dd38fd9ecaa161f28ec48bb80fa1cd9118399c27/rpds_py-0.28.0-pp311-pypy311_pp73-musllinux_1_2_i686.whl", hash = "sha256:7b0f9dceb221792b3ee6acb5438eb1f02b0cb2c247796a72b016dcc92c6de829", size = 585453, upload-time = "2025-10-22T22:24:24.779Z" }, - { url = "https://files.pythonhosted.org/packages/ed/d2/4a73b18821fd4669762c855fd1f4e80ceb66fb72d71162d14da58444a763/rpds_py-0.28.0-pp311-pypy311_pp73-musllinux_1_2_x86_64.whl", hash = "sha256:5d0145edba8abd3db0ab22b5300c99dc152f5c9021fab861be0f0544dc3cbc5f", size = 552199, upload-time = "2025-10-22T22:24:26.54Z" }, -] - -[[package]] -name = "rsa" -version = "4.9.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "pyasn1" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/da/8a/22b7beea3ee0d44b1916c0c1cb0ee3af23b700b6da9f04991899d0c555d4/rsa-4.9.1.tar.gz", hash = "sha256:e7bdbfdb5497da4c07dfd35530e1a902659db6ff241e39d9953cad06ebd0ae75", size = 29034, upload-time = "2025-04-16T09:51:18.218Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/64/8d/0133e4eb4beed9e425d9a98ed6e081a55d195481b7632472be1af08d2f6b/rsa-4.9.1-py3-none-any.whl", hash = "sha256:68635866661c6836b8d39430f97a996acbd61bfa49406748ea243539fe239762", size = 34696, upload-time = "2025-04-16T09:51:17.142Z" }, -] - -[[package]] -name = "ruff" -version = "0.14.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/ee/34/8218a19b2055b80601e8fd201ec723c74c7fe1ca06d525a43ed07b6d8e85/ruff-0.14.2.tar.gz", hash = "sha256:98da787668f239313d9c902ca7c523fe11b8ec3f39345553a51b25abc4629c96", size = 5539663, upload-time = "2025-10-23T19:37:00.956Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/16/dd/23eb2db5ad9acae7c845700493b72d3ae214dce0b226f27df89216110f2b/ruff-0.14.2-py3-none-linux_armv6l.whl", hash = "sha256:7cbe4e593505bdec5884c2d0a4d791a90301bc23e49a6b1eb642dd85ef9c64f1", size = 12533390, upload-time = "2025-10-23T19:36:18.044Z" }, - { url = "https://files.pythonhosted.org/packages/5a/8c/5f9acff43ddcf3f85130d0146d0477e28ccecc495f9f684f8f7119b74c0d/ruff-0.14.2-py3-none-macosx_10_12_x86_64.whl", hash = "sha256:8d54b561729cee92f8d89c316ad7a3f9705533f5903b042399b6ae0ddfc62e11", size = 12887187, upload-time = "2025-10-23T19:36:22.664Z" }, - { url = "https://files.pythonhosted.org/packages/99/fa/047646491479074029665022e9f3dc6f0515797f40a4b6014ea8474c539d/ruff-0.14.2-py3-none-macosx_11_0_arm64.whl", hash = "sha256:5c8753dfa44ebb2cde10ce5b4d2ef55a41fb9d9b16732a2c5df64620dbda44a3", size = 11925177, upload-time = "2025-10-23T19:36:24.778Z" }, - { url = "https://files.pythonhosted.org/packages/15/8b/c44cf7fe6e59ab24a9d939493a11030b503bdc2a16622cede8b7b1df0114/ruff-0.14.2-py3-none-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3d0bbeffb8d9f4fccf7b5198d566d0bad99a9cb622f1fc3467af96cb8773c9e3", size = 12358285, upload-time = "2025-10-23T19:36:26.979Z" }, - { url = "https://files.pythonhosted.org/packages/45/01/47701b26254267ef40369aea3acb62a7b23e921c27372d127e0f3af48092/ruff-0.14.2-py3-none-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:7047f0c5a713a401e43a88d36843d9c83a19c584e63d664474675620aaa634a8", size = 12303832, upload-time = "2025-10-23T19:36:29.192Z" }, - { url = "https://files.pythonhosted.org/packages/2d/5c/ae7244ca4fbdf2bee9d6405dcd5bc6ae51ee1df66eb7a9884b77b8af856d/ruff-0.14.2-py3-none-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3bf8d2f9aa1602599217d82e8e0af7fd33e5878c4d98f37906b7c93f46f9a839", size = 13036995, upload-time = "2025-10-23T19:36:31.861Z" }, - { url = "https://files.pythonhosted.org/packages/27/4c/0860a79ce6fd4c709ac01173f76f929d53f59748d0dcdd662519835dae43/ruff-0.14.2-py3-none-manylinux_2_17_ppc64.manylinux2014_ppc64.whl", hash = "sha256:1c505b389e19c57a317cf4b42db824e2fca96ffb3d86766c1c9f8b96d32048a7", size = 14512649, upload-time = "2025-10-23T19:36:33.915Z" }, - { url = "https://files.pythonhosted.org/packages/7f/7f/d365de998069720a3abfc250ddd876fc4b81a403a766c74ff9bde15b5378/ruff-0.14.2-py3-none-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a307fc45ebd887b3f26b36d9326bb70bf69b01561950cdcc6c0bdf7bb8e0f7cc", size = 14088182, upload-time = "2025-10-23T19:36:36.983Z" }, - { url = "https://files.pythonhosted.org/packages/6c/ea/d8e3e6b209162000a7be1faa41b0a0c16a133010311edc3329753cc6596a/ruff-0.14.2-py3-none-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:61ae91a32c853172f832c2f40bd05fd69f491db7289fb85a9b941ebdd549781a", size = 13599516, upload-time = "2025-10-23T19:36:39.208Z" }, - { url = "https://files.pythonhosted.org/packages/fa/ea/c7810322086db68989fb20a8d5221dd3b79e49e396b01badca07b433ab45/ruff-0.14.2-py3-none-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bc1967e40286f63ee23c615e8e7e98098dedc7301568bd88991f6e544d8ae096", size = 13272690, upload-time = "2025-10-23T19:36:41.453Z" }, - { url = "https://files.pythonhosted.org/packages/a9/39/10b05acf8c45786ef501d454e00937e1b97964f846bf28883d1f9619928a/ruff-0.14.2-py3-none-manylinux_2_31_riscv64.whl", hash = "sha256:2877f02119cdebf52a632d743a2e302dea422bfae152ebe2f193d3285a3a65df", size = 13496497, upload-time = "2025-10-23T19:36:43.61Z" }, - { url = "https://files.pythonhosted.org/packages/59/a1/1f25f8301e13751c30895092485fada29076e5e14264bdacc37202e85d24/ruff-0.14.2-py3-none-musllinux_1_2_aarch64.whl", hash = "sha256:e681c5bc777de5af898decdcb6ba3321d0d466f4cb43c3e7cc2c3b4e7b843a05", size = 12266116, upload-time = "2025-10-23T19:36:45.625Z" }, - { url = "https://files.pythonhosted.org/packages/5c/fa/0029bfc9ce16ae78164e6923ef392e5f173b793b26cc39aa1d8b366cf9dc/ruff-0.14.2-py3-none-musllinux_1_2_armv7l.whl", hash = "sha256:e21be42d72e224736f0c992cdb9959a2fa53c7e943b97ef5d081e13170e3ffc5", size = 12281345, upload-time = "2025-10-23T19:36:47.618Z" }, - { url = "https://files.pythonhosted.org/packages/a5/ab/ece7baa3c0f29b7683be868c024f0838770c16607bea6852e46b202f1ff6/ruff-0.14.2-py3-none-musllinux_1_2_i686.whl", hash = "sha256:b8264016f6f209fac16262882dbebf3f8be1629777cf0f37e7aff071b3e9b92e", size = 12629296, upload-time = "2025-10-23T19:36:49.789Z" }, - { url = "https://files.pythonhosted.org/packages/a4/7f/638f54b43f3d4e48c6a68062794e5b367ddac778051806b9e235dfb7aa81/ruff-0.14.2-py3-none-musllinux_1_2_x86_64.whl", hash = "sha256:5ca36b4cb4db3067a3b24444463ceea5565ea78b95fe9a07ca7cb7fd16948770", size = 13371610, upload-time = "2025-10-23T19:36:51.882Z" }, - { url = "https://files.pythonhosted.org/packages/8d/35/3654a973ebe5b32e1fd4a08ed2d46755af7267da7ac710d97420d7b8657d/ruff-0.14.2-py3-none-win32.whl", hash = "sha256:41775927d287685e08f48d8eb3f765625ab0b7042cc9377e20e64f4eb0056ee9", size = 12415318, upload-time = "2025-10-23T19:36:53.961Z" }, - { url = "https://files.pythonhosted.org/packages/71/30/3758bcf9e0b6a4193a6f51abf84254aba00887dfa8c20aba18aa366c5f57/ruff-0.14.2-py3-none-win_amd64.whl", hash = "sha256:0df3424aa5c3c08b34ed8ce099df1021e3adaca6e90229273496b839e5a7e1af", size = 13565279, upload-time = "2025-10-23T19:36:56.578Z" }, - { url = "https://files.pythonhosted.org/packages/2e/5d/aa883766f8ef9ffbe6aa24f7192fb71632f31a30e77eb39aa2b0dc4290ac/ruff-0.14.2-py3-none-win_arm64.whl", hash = "sha256:ea9d635e83ba21569fbacda7e78afbfeb94911c9434aff06192d9bc23fd5495a", size = 12554956, upload-time = "2025-10-23T19:36:58.714Z" }, -] - -[[package]] -name = "safehttpx" -version = "0.1.7" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "httpx" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/89/d1/4282284d9cf1ee873607a46442da977fc3c985059315ab23610be31d5885/safehttpx-0.1.7.tar.gz", hash = "sha256:db201c0978c41eddb8bb480f3eee59dd67304fdd91646035e9d9a720049a9d23", size = 10385, upload-time = "2025-10-24T18:30:09.783Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/2e/a3/0f0b7d78e2f1eb9e8e1afbff1d2bff8d60144aee17aca51c065b516743dd/safehttpx-0.1.7-py3-none-any.whl", hash = "sha256:c4f4a162db6993464d7ca3d7cc4af0ffc6515a606dfd220b9f82c6945d869cde", size = 8959, upload-time = "2025-10-24T18:30:08.733Z" }, -] - -[[package]] -name = "safetensors" -version = "0.6.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/ac/cc/738f3011628920e027a11754d9cae9abec1aed00f7ae860abbf843755233/safetensors-0.6.2.tar.gz", hash = "sha256:43ff2aa0e6fa2dc3ea5524ac7ad93a9839256b8703761e76e2d0b2a3fa4f15d9", size = 197968, upload-time = "2025-08-08T13:13:58.654Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/4d/b1/3f5fd73c039fc87dba3ff8b5d528bfc5a32b597fea8e7a6a4800343a17c7/safetensors-0.6.2-cp38-abi3-macosx_10_12_x86_64.whl", hash = "sha256:9c85ede8ec58f120bad982ec47746981e210492a6db876882aa021446af8ffba", size = 454797, upload-time = "2025-08-08T13:13:52.066Z" }, - { url = "https://files.pythonhosted.org/packages/8c/c9/bb114c158540ee17907ec470d01980957fdaf87b4aa07914c24eba87b9c6/safetensors-0.6.2-cp38-abi3-macosx_11_0_arm64.whl", hash = "sha256:d6675cf4b39c98dbd7d940598028f3742e0375a6b4d4277e76beb0c35f4b843b", size = 432206, upload-time = "2025-08-08T13:13:50.931Z" }, - { url = "https://files.pythonhosted.org/packages/d3/8e/f70c34e47df3110e8e0bb268d90db8d4be8958a54ab0336c9be4fe86dac8/safetensors-0.6.2-cp38-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1d2d2b3ce1e2509c68932ca03ab8f20570920cd9754b05063d4368ee52833ecd", size = 473261, upload-time = "2025-08-08T13:13:41.259Z" }, - { url = "https://files.pythonhosted.org/packages/2a/f5/be9c6a7c7ef773e1996dc214e73485286df1836dbd063e8085ee1976f9cb/safetensors-0.6.2-cp38-abi3-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:93de35a18f46b0f5a6a1f9e26d91b442094f2df02e9fd7acf224cfec4238821a", size = 485117, upload-time = "2025-08-08T13:13:43.506Z" }, - { url = "https://files.pythonhosted.org/packages/c9/55/23f2d0a2c96ed8665bf17a30ab4ce5270413f4d74b6d87dd663258b9af31/safetensors-0.6.2-cp38-abi3-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:89a89b505f335640f9120fac65ddeb83e40f1fd081cb8ed88b505bdccec8d0a1", size = 616154, upload-time = "2025-08-08T13:13:45.096Z" }, - { url = "https://files.pythonhosted.org/packages/98/c6/affb0bd9ce02aa46e7acddbe087912a04d953d7a4d74b708c91b5806ef3f/safetensors-0.6.2-cp38-abi3-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fc4d0d0b937e04bdf2ae6f70cd3ad51328635fe0e6214aa1fc811f3b576b3bda", size = 520713, upload-time = "2025-08-08T13:13:46.25Z" }, - { url = "https://files.pythonhosted.org/packages/fe/5d/5a514d7b88e310c8b146e2404e0dc161282e78634d9358975fd56dfd14be/safetensors-0.6.2-cp38-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8045db2c872db8f4cbe3faa0495932d89c38c899c603f21e9b6486951a5ecb8f", size = 485835, upload-time = "2025-08-08T13:13:49.373Z" }, - { url = "https://files.pythonhosted.org/packages/7a/7b/4fc3b2ba62c352b2071bea9cfbad330fadda70579f617506ae1a2f129cab/safetensors-0.6.2-cp38-abi3-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:81e67e8bab9878bb568cffbc5f5e655adb38d2418351dc0859ccac158f753e19", size = 521503, upload-time = "2025-08-08T13:13:47.651Z" }, - { url = "https://files.pythonhosted.org/packages/5a/50/0057e11fe1f3cead9254315a6c106a16dd4b1a19cd247f7cc6414f6b7866/safetensors-0.6.2-cp38-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:b0e4d029ab0a0e0e4fdf142b194514695b1d7d3735503ba700cf36d0fc7136ce", size = 652256, upload-time = "2025-08-08T13:13:53.167Z" }, - { url = "https://files.pythonhosted.org/packages/e9/29/473f789e4ac242593ac1656fbece6e1ecd860bb289e635e963667807afe3/safetensors-0.6.2-cp38-abi3-musllinux_1_2_armv7l.whl", hash = "sha256:fa48268185c52bfe8771e46325a1e21d317207bcabcb72e65c6e28e9ffeb29c7", size = 747281, upload-time = "2025-08-08T13:13:54.656Z" }, - { url = "https://files.pythonhosted.org/packages/68/52/f7324aad7f2df99e05525c84d352dc217e0fa637a4f603e9f2eedfbe2c67/safetensors-0.6.2-cp38-abi3-musllinux_1_2_i686.whl", hash = "sha256:d83c20c12c2d2f465997c51b7ecb00e407e5f94d7dec3ea0cc11d86f60d3fde5", size = 692286, upload-time = "2025-08-08T13:13:55.884Z" }, - { url = "https://files.pythonhosted.org/packages/ad/fe/cad1d9762868c7c5dc70c8620074df28ebb1a8e4c17d4c0cb031889c457e/safetensors-0.6.2-cp38-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:d944cea65fad0ead848b6ec2c37cc0b197194bec228f8020054742190e9312ac", size = 655957, upload-time = "2025-08-08T13:13:57.029Z" }, - { url = "https://files.pythonhosted.org/packages/59/a7/e2158e17bbe57d104f0abbd95dff60dda916cf277c9f9663b4bf9bad8b6e/safetensors-0.6.2-cp38-abi3-win32.whl", hash = "sha256:cab75ca7c064d3911411461151cb69380c9225798a20e712b102edda2542ddb1", size = 308926, upload-time = "2025-08-08T13:14:01.095Z" }, - { url = "https://files.pythonhosted.org/packages/2c/c3/c0be1135726618dc1e28d181b8c442403d8dbb9e273fd791de2d4384bcdd/safetensors-0.6.2-cp38-abi3-win_amd64.whl", hash = "sha256:c7b214870df923cbc1593c3faee16bec59ea462758699bd3fee399d00aac072c", size = 320192, upload-time = "2025-08-08T13:13:59.467Z" }, -] - -[[package]] -name = "scikit-image" -version = "0.25.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "imageio" }, - { name = "lazy-loader" }, - { name = "networkx" }, - { name = "numpy" }, - { name = "packaging" }, - { name = "pillow" }, - { name = "scipy", version = "1.15.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "scipy", version = "1.16.2", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "tifffile", version = "2025.5.10", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "tifffile", version = "2025.10.16", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/c7/a8/3c0f256012b93dd2cb6fda9245e9f4bff7dc0486880b248005f15ea2255e/scikit_image-0.25.2.tar.gz", hash = "sha256:e5a37e6cd4d0c018a7a55b9d601357e3382826d3888c10d0213fc63bff977dde", size = 22693594, upload-time = "2025-02-18T18:05:24.538Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/11/cb/016c63f16065c2d333c8ed0337e18a5cdf9bc32d402e4f26b0db362eb0e2/scikit_image-0.25.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:d3278f586793176599df6a4cf48cb6beadae35c31e58dc01a98023af3dc31c78", size = 13988922, upload-time = "2025-02-18T18:04:11.069Z" }, - { url = "https://files.pythonhosted.org/packages/30/ca/ff4731289cbed63c94a0c9a5b672976603118de78ed21910d9060c82e859/scikit_image-0.25.2-cp310-cp310-macosx_12_0_arm64.whl", hash = "sha256:5c311069899ce757d7dbf1d03e32acb38bb06153236ae77fcd820fd62044c063", size = 13192698, upload-time = "2025-02-18T18:04:15.362Z" }, - { url = "https://files.pythonhosted.org/packages/39/6d/a2aadb1be6d8e149199bb9b540ccde9e9622826e1ab42fe01de4c35ab918/scikit_image-0.25.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:be455aa7039a6afa54e84f9e38293733a2622b8c2fb3362b822d459cc5605e99", size = 14153634, upload-time = "2025-02-18T18:04:18.496Z" }, - { url = "https://files.pythonhosted.org/packages/96/08/916e7d9ee4721031b2f625db54b11d8379bd51707afaa3e5a29aecf10bc4/scikit_image-0.25.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a4c464b90e978d137330be433df4e76d92ad3c5f46a22f159520ce0fdbea8a09", size = 14767545, upload-time = "2025-02-18T18:04:22.556Z" }, - { url = "https://files.pythonhosted.org/packages/5f/ee/c53a009e3997dda9d285402f19226fbd17b5b3cb215da391c4ed084a1424/scikit_image-0.25.2-cp310-cp310-win_amd64.whl", hash = "sha256:60516257c5a2d2f74387c502aa2f15a0ef3498fbeaa749f730ab18f0a40fd054", size = 12812908, upload-time = "2025-02-18T18:04:26.364Z" }, - { url = "https://files.pythonhosted.org/packages/c4/97/3051c68b782ee3f1fb7f8f5bb7d535cf8cb92e8aae18fa9c1cdf7e15150d/scikit_image-0.25.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:f4bac9196fb80d37567316581c6060763b0f4893d3aca34a9ede3825bc035b17", size = 14003057, upload-time = "2025-02-18T18:04:30.395Z" }, - { url = "https://files.pythonhosted.org/packages/19/23/257fc696c562639826065514d551b7b9b969520bd902c3a8e2fcff5b9e17/scikit_image-0.25.2-cp311-cp311-macosx_12_0_arm64.whl", hash = "sha256:d989d64ff92e0c6c0f2018c7495a5b20e2451839299a018e0e5108b2680f71e0", size = 13180335, upload-time = "2025-02-18T18:04:33.449Z" }, - { url = "https://files.pythonhosted.org/packages/ef/14/0c4a02cb27ca8b1e836886b9ec7c9149de03053650e9e2ed0625f248dd92/scikit_image-0.25.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b2cfc96b27afe9a05bc92f8c6235321d3a66499995675b27415e0d0c76625173", size = 14144783, upload-time = "2025-02-18T18:04:36.594Z" }, - { url = "https://files.pythonhosted.org/packages/dd/9b/9fb556463a34d9842491d72a421942c8baff4281025859c84fcdb5e7e602/scikit_image-0.25.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:24cc986e1f4187a12aa319f777b36008764e856e5013666a4a83f8df083c2641", size = 14785376, upload-time = "2025-02-18T18:04:39.856Z" }, - { url = "https://files.pythonhosted.org/packages/de/ec/b57c500ee85885df5f2188f8bb70398481393a69de44a00d6f1d055f103c/scikit_image-0.25.2-cp311-cp311-win_amd64.whl", hash = "sha256:b4f6b61fc2db6340696afe3db6b26e0356911529f5f6aee8c322aa5157490c9b", size = 12791698, upload-time = "2025-02-18T18:04:42.868Z" }, - { url = "https://files.pythonhosted.org/packages/35/8c/5df82881284459f6eec796a5ac2a0a304bb3384eec2e73f35cfdfcfbf20c/scikit_image-0.25.2-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:8db8dd03663112783221bf01ccfc9512d1cc50ac9b5b0fe8f4023967564719fb", size = 13986000, upload-time = "2025-02-18T18:04:47.156Z" }, - { url = "https://files.pythonhosted.org/packages/ce/e6/93bebe1abcdce9513ffec01d8af02528b4c41fb3c1e46336d70b9ed4ef0d/scikit_image-0.25.2-cp312-cp312-macosx_12_0_arm64.whl", hash = "sha256:483bd8cc10c3d8a7a37fae36dfa5b21e239bd4ee121d91cad1f81bba10cfb0ed", size = 13235893, upload-time = "2025-02-18T18:04:51.049Z" }, - { url = "https://files.pythonhosted.org/packages/53/4b/eda616e33f67129e5979a9eb33c710013caa3aa8a921991e6cc0b22cea33/scikit_image-0.25.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9d1e80107bcf2bf1291acfc0bf0425dceb8890abe9f38d8e94e23497cbf7ee0d", size = 14178389, upload-time = "2025-02-18T18:04:54.245Z" }, - { url = "https://files.pythonhosted.org/packages/6b/b5/b75527c0f9532dd8a93e8e7cd8e62e547b9f207d4c11e24f0006e8646b36/scikit_image-0.25.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a17e17eb8562660cc0d31bb55643a4da996a81944b82c54805c91b3fe66f4824", size = 15003435, upload-time = "2025-02-18T18:04:57.586Z" }, - { url = "https://files.pythonhosted.org/packages/34/e3/49beb08ebccda3c21e871b607c1cb2f258c3fa0d2f609fed0a5ba741b92d/scikit_image-0.25.2-cp312-cp312-win_amd64.whl", hash = "sha256:bdd2b8c1de0849964dbc54037f36b4e9420157e67e45a8709a80d727f52c7da2", size = 12899474, upload-time = "2025-02-18T18:05:01.166Z" }, - { url = "https://files.pythonhosted.org/packages/e6/7c/9814dd1c637f7a0e44342985a76f95a55dd04be60154247679fd96c7169f/scikit_image-0.25.2-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:7efa888130f6c548ec0439b1a7ed7295bc10105458a421e9bf739b457730b6da", size = 13921841, upload-time = "2025-02-18T18:05:03.963Z" }, - { url = "https://files.pythonhosted.org/packages/84/06/66a2e7661d6f526740c309e9717d3bd07b473661d5cdddef4dd978edab25/scikit_image-0.25.2-cp313-cp313-macosx_12_0_arm64.whl", hash = "sha256:dd8011efe69c3641920614d550f5505f83658fe33581e49bed86feab43a180fc", size = 13196862, upload-time = "2025-02-18T18:05:06.986Z" }, - { url = "https://files.pythonhosted.org/packages/4e/63/3368902ed79305f74c2ca8c297dfeb4307269cbe6402412668e322837143/scikit_image-0.25.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:28182a9d3e2ce3c2e251383bdda68f8d88d9fff1a3ebe1eb61206595c9773341", size = 14117785, upload-time = "2025-02-18T18:05:10.69Z" }, - { url = "https://files.pythonhosted.org/packages/cd/9b/c3da56a145f52cd61a68b8465d6a29d9503bc45bc993bb45e84371c97d94/scikit_image-0.25.2-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b8abd3c805ce6944b941cfed0406d88faeb19bab3ed3d4b50187af55cf24d147", size = 14977119, upload-time = "2025-02-18T18:05:13.871Z" }, - { url = "https://files.pythonhosted.org/packages/8a/97/5fcf332e1753831abb99a2525180d3fb0d70918d461ebda9873f66dcc12f/scikit_image-0.25.2-cp313-cp313-win_amd64.whl", hash = "sha256:64785a8acefee460ec49a354706db0b09d1f325674107d7fa3eadb663fb56d6f", size = 12885116, upload-time = "2025-02-18T18:05:17.844Z" }, - { url = "https://files.pythonhosted.org/packages/10/cc/75e9f17e3670b5ed93c32456fda823333c6279b144cd93e2c03aa06aa472/scikit_image-0.25.2-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:330d061bd107d12f8d68f1d611ae27b3b813b8cdb0300a71d07b1379178dd4cd", size = 13862801, upload-time = "2025-02-18T18:05:20.783Z" }, -] - -[[package]] -name = "scikit-learn" -version = "1.7.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "joblib" }, - { name = "numpy" }, - { name = "scipy", version = "1.15.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "scipy", version = "1.16.2", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "threadpoolctl" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/98/c2/a7855e41c9d285dfe86dc50b250978105dce513d6e459ea66a6aeb0e1e0c/scikit_learn-1.7.2.tar.gz", hash = "sha256:20e9e49ecd130598f1ca38a1d85090e1a600147b9c02fa6f15d69cb53d968fda", size = 7193136, upload-time = "2025-09-09T08:21:29.075Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ba/3e/daed796fd69cce768b8788401cc464ea90b306fb196ae1ffed0b98182859/scikit_learn-1.7.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:6b33579c10a3081d076ab403df4a4190da4f4432d443521674637677dc91e61f", size = 9336221, upload-time = "2025-09-09T08:20:19.328Z" }, - { url = "https://files.pythonhosted.org/packages/1c/ce/af9d99533b24c55ff4e18d9b7b4d9919bbc6cd8f22fe7a7be01519a347d5/scikit_learn-1.7.2-cp310-cp310-macosx_12_0_arm64.whl", hash = "sha256:36749fb62b3d961b1ce4fedf08fa57a1986cd409eff2d783bca5d4b9b5fce51c", size = 8653834, upload-time = "2025-09-09T08:20:22.073Z" }, - { url = "https://files.pythonhosted.org/packages/58/0e/8c2a03d518fb6bd0b6b0d4b114c63d5f1db01ff0f9925d8eb10960d01c01/scikit_learn-1.7.2-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:7a58814265dfc52b3295b1900cfb5701589d30a8bb026c7540f1e9d3499d5ec8", size = 9660938, upload-time = "2025-09-09T08:20:24.327Z" }, - { url = "https://files.pythonhosted.org/packages/2b/75/4311605069b5d220e7cf5adabb38535bd96f0079313cdbb04b291479b22a/scikit_learn-1.7.2-cp310-cp310-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:4a847fea807e278f821a0406ca01e387f97653e284ecbd9750e3ee7c90347f18", size = 9477818, upload-time = "2025-09-09T08:20:26.845Z" }, - { url = "https://files.pythonhosted.org/packages/7f/9b/87961813c34adbca21a6b3f6b2bea344c43b30217a6d24cc437c6147f3e8/scikit_learn-1.7.2-cp310-cp310-win_amd64.whl", hash = "sha256:ca250e6836d10e6f402436d6463d6c0e4d8e0234cfb6a9a47835bd392b852ce5", size = 8886969, upload-time = "2025-09-09T08:20:29.329Z" }, - { url = "https://files.pythonhosted.org/packages/43/83/564e141eef908a5863a54da8ca342a137f45a0bfb71d1d79704c9894c9d1/scikit_learn-1.7.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c7509693451651cd7361d30ce4e86a1347493554f172b1c72a39300fa2aea79e", size = 9331967, upload-time = "2025-09-09T08:20:32.421Z" }, - { url = "https://files.pythonhosted.org/packages/18/d6/ba863a4171ac9d7314c4d3fc251f015704a2caeee41ced89f321c049ed83/scikit_learn-1.7.2-cp311-cp311-macosx_12_0_arm64.whl", hash = "sha256:0486c8f827c2e7b64837c731c8feff72c0bd2b998067a8a9cbc10643c31f0fe1", size = 8648645, upload-time = "2025-09-09T08:20:34.436Z" }, - { url = "https://files.pythonhosted.org/packages/ef/0e/97dbca66347b8cf0ea8b529e6bb9367e337ba2e8be0ef5c1a545232abfde/scikit_learn-1.7.2-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:89877e19a80c7b11a2891a27c21c4894fb18e2c2e077815bcade10d34287b20d", size = 9715424, upload-time = "2025-09-09T08:20:36.776Z" }, - { url = "https://files.pythonhosted.org/packages/f7/32/1f3b22e3207e1d2c883a7e09abb956362e7d1bd2f14458c7de258a26ac15/scikit_learn-1.7.2-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:8da8bf89d4d79aaec192d2bda62f9b56ae4e5b4ef93b6a56b5de4977e375c1f1", size = 9509234, upload-time = "2025-09-09T08:20:38.957Z" }, - { url = "https://files.pythonhosted.org/packages/9f/71/34ddbd21f1da67c7a768146968b4d0220ee6831e4bcbad3e03dd3eae88b6/scikit_learn-1.7.2-cp311-cp311-win_amd64.whl", hash = "sha256:9b7ed8d58725030568523e937c43e56bc01cadb478fc43c042a9aca1dacb3ba1", size = 8894244, upload-time = "2025-09-09T08:20:41.166Z" }, - { url = "https://files.pythonhosted.org/packages/a7/aa/3996e2196075689afb9fce0410ebdb4a09099d7964d061d7213700204409/scikit_learn-1.7.2-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:8d91a97fa2b706943822398ab943cde71858a50245e31bc71dba62aab1d60a96", size = 9259818, upload-time = "2025-09-09T08:20:43.19Z" }, - { url = "https://files.pythonhosted.org/packages/43/5d/779320063e88af9c4a7c2cf463ff11c21ac9c8bd730c4a294b0000b666c9/scikit_learn-1.7.2-cp312-cp312-macosx_12_0_arm64.whl", hash = "sha256:acbc0f5fd2edd3432a22c69bed78e837c70cf896cd7993d71d51ba6708507476", size = 8636997, upload-time = "2025-09-09T08:20:45.468Z" }, - { url = "https://files.pythonhosted.org/packages/5c/d0/0c577d9325b05594fdd33aa970bf53fb673f051a45496842caee13cfd7fe/scikit_learn-1.7.2-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:e5bf3d930aee75a65478df91ac1225ff89cd28e9ac7bd1196853a9229b6adb0b", size = 9478381, upload-time = "2025-09-09T08:20:47.982Z" }, - { url = "https://files.pythonhosted.org/packages/82/70/8bf44b933837ba8494ca0fc9a9ab60f1c13b062ad0197f60a56e2fc4c43e/scikit_learn-1.7.2-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:b4d6e9deed1a47aca9fe2f267ab8e8fe82ee20b4526b2c0cd9e135cea10feb44", size = 9300296, upload-time = "2025-09-09T08:20:50.366Z" }, - { url = "https://files.pythonhosted.org/packages/c6/99/ed35197a158f1fdc2fe7c3680e9c70d0128f662e1fee4ed495f4b5e13db0/scikit_learn-1.7.2-cp312-cp312-win_amd64.whl", hash = "sha256:6088aa475f0785e01bcf8529f55280a3d7d298679f50c0bb70a2364a82d0b290", size = 8731256, upload-time = "2025-09-09T08:20:52.627Z" }, - { url = "https://files.pythonhosted.org/packages/ae/93/a3038cb0293037fd335f77f31fe053b89c72f17b1c8908c576c29d953e84/scikit_learn-1.7.2-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:0b7dacaa05e5d76759fb071558a8b5130f4845166d88654a0f9bdf3eb57851b7", size = 9212382, upload-time = "2025-09-09T08:20:54.731Z" }, - { url = "https://files.pythonhosted.org/packages/40/dd/9a88879b0c1104259136146e4742026b52df8540c39fec21a6383f8292c7/scikit_learn-1.7.2-cp313-cp313-macosx_12_0_arm64.whl", hash = "sha256:abebbd61ad9e1deed54cca45caea8ad5f79e1b93173dece40bb8e0c658dbe6fe", size = 8592042, upload-time = "2025-09-09T08:20:57.313Z" }, - { url = "https://files.pythonhosted.org/packages/46/af/c5e286471b7d10871b811b72ae794ac5fe2989c0a2df07f0ec723030f5f5/scikit_learn-1.7.2-cp313-cp313-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:502c18e39849c0ea1a5d681af1dbcf15f6cce601aebb657aabbfe84133c1907f", size = 9434180, upload-time = "2025-09-09T08:20:59.671Z" }, - { url = "https://files.pythonhosted.org/packages/f1/fd/df59faa53312d585023b2da27e866524ffb8faf87a68516c23896c718320/scikit_learn-1.7.2-cp313-cp313-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:7a4c328a71785382fe3fe676a9ecf2c86189249beff90bf85e22bdb7efaf9ae0", size = 9283660, upload-time = "2025-09-09T08:21:01.71Z" }, - { url = "https://files.pythonhosted.org/packages/a7/c7/03000262759d7b6f38c836ff9d512f438a70d8a8ddae68ee80de72dcfb63/scikit_learn-1.7.2-cp313-cp313-win_amd64.whl", hash = "sha256:63a9afd6f7b229aad94618c01c252ce9e6fa97918c5ca19c9a17a087d819440c", size = 8702057, upload-time = "2025-09-09T08:21:04.234Z" }, - { url = "https://files.pythonhosted.org/packages/55/87/ef5eb1f267084532c8e4aef98a28b6ffe7425acbfd64b5e2f2e066bc29b3/scikit_learn-1.7.2-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:9acb6c5e867447b4e1390930e3944a005e2cb115922e693c08a323421a6966e8", size = 9558731, upload-time = "2025-09-09T08:21:06.381Z" }, - { url = "https://files.pythonhosted.org/packages/93/f8/6c1e3fc14b10118068d7938878a9f3f4e6d7b74a8ddb1e5bed65159ccda8/scikit_learn-1.7.2-cp313-cp313t-macosx_12_0_arm64.whl", hash = "sha256:2a41e2a0ef45063e654152ec9d8bcfc39f7afce35b08902bfe290c2498a67a6a", size = 9038852, upload-time = "2025-09-09T08:21:08.628Z" }, - { url = "https://files.pythonhosted.org/packages/83/87/066cafc896ee540c34becf95d30375fe5cbe93c3b75a0ee9aa852cd60021/scikit_learn-1.7.2-cp313-cp313t-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:98335fb98509b73385b3ab2bd0639b1f610541d3988ee675c670371d6a87aa7c", size = 9527094, upload-time = "2025-09-09T08:21:11.486Z" }, - { url = "https://files.pythonhosted.org/packages/9c/2b/4903e1ccafa1f6453b1ab78413938c8800633988c838aa0be386cbb33072/scikit_learn-1.7.2-cp313-cp313t-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:191e5550980d45449126e23ed1d5e9e24b2c68329ee1f691a3987476e115e09c", size = 9367436, upload-time = "2025-09-09T08:21:13.602Z" }, - { url = "https://files.pythonhosted.org/packages/b5/aa/8444be3cfb10451617ff9d177b3c190288f4563e6c50ff02728be67ad094/scikit_learn-1.7.2-cp313-cp313t-win_amd64.whl", hash = "sha256:57dc4deb1d3762c75d685507fbd0bc17160144b2f2ba4ccea5dc285ab0d0e973", size = 9275749, upload-time = "2025-09-09T08:21:15.96Z" }, - { url = "https://files.pythonhosted.org/packages/d9/82/dee5acf66837852e8e68df6d8d3a6cb22d3df997b733b032f513d95205b7/scikit_learn-1.7.2-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:fa8f63940e29c82d1e67a45d5297bdebbcb585f5a5a50c4914cc2e852ab77f33", size = 9208906, upload-time = "2025-09-09T08:21:18.557Z" }, - { url = "https://files.pythonhosted.org/packages/3c/30/9029e54e17b87cb7d50d51a5926429c683d5b4c1732f0507a6c3bed9bf65/scikit_learn-1.7.2-cp314-cp314-macosx_12_0_arm64.whl", hash = "sha256:f95dc55b7902b91331fa4e5845dd5bde0580c9cd9612b1b2791b7e80c3d32615", size = 8627836, upload-time = "2025-09-09T08:21:20.695Z" }, - { url = "https://files.pythonhosted.org/packages/60/18/4a52c635c71b536879f4b971c2cedf32c35ee78f48367885ed8025d1f7ee/scikit_learn-1.7.2-cp314-cp314-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:9656e4a53e54578ad10a434dc1f993330568cfee176dff07112b8785fb413106", size = 9426236, upload-time = "2025-09-09T08:21:22.645Z" }, - { url = "https://files.pythonhosted.org/packages/99/7e/290362f6ab582128c53445458a5befd471ed1ea37953d5bcf80604619250/scikit_learn-1.7.2-cp314-cp314-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:96dc05a854add0e50d3f47a1ef21a10a595016da5b007c7d9cd9d0bffd1fcc61", size = 9312593, upload-time = "2025-09-09T08:21:24.65Z" }, - { url = "https://files.pythonhosted.org/packages/8e/87/24f541b6d62b1794939ae6422f8023703bbf6900378b2b34e0b4384dfefd/scikit_learn-1.7.2-cp314-cp314-win_amd64.whl", hash = "sha256:bb24510ed3f9f61476181e4db51ce801e2ba37541def12dc9333b946fc7a9cf8", size = 8820007, upload-time = "2025-09-09T08:21:26.713Z" }, -] - -[[package]] -name = "scipy" -version = "1.15.3" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", -] -dependencies = [ - { name = "numpy", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/0f/37/6964b830433e654ec7485e45a00fc9a27cf868d622838f6b6d9c5ec0d532/scipy-1.15.3.tar.gz", hash = "sha256:eae3cf522bc7df64b42cad3925c876e1b0b6c35c1337c93e12c0f366f55b0eaf", size = 59419214, upload-time = "2025-05-08T16:13:05.955Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/78/2f/4966032c5f8cc7e6a60f1b2e0ad686293b9474b65246b0c642e3ef3badd0/scipy-1.15.3-cp310-cp310-macosx_10_13_x86_64.whl", hash = "sha256:a345928c86d535060c9c2b25e71e87c39ab2f22fc96e9636bd74d1dbf9de448c", size = 38702770, upload-time = "2025-05-08T16:04:20.849Z" }, - { url = "https://files.pythonhosted.org/packages/a0/6e/0c3bf90fae0e910c274db43304ebe25a6b391327f3f10b5dcc638c090795/scipy-1.15.3-cp310-cp310-macosx_12_0_arm64.whl", hash = "sha256:ad3432cb0f9ed87477a8d97f03b763fd1d57709f1bbde3c9369b1dff5503b253", size = 30094511, upload-time = "2025-05-08T16:04:27.103Z" }, - { url = "https://files.pythonhosted.org/packages/ea/b1/4deb37252311c1acff7f101f6453f0440794f51b6eacb1aad4459a134081/scipy-1.15.3-cp310-cp310-macosx_14_0_arm64.whl", hash = "sha256:aef683a9ae6eb00728a542b796f52a5477b78252edede72b8327a886ab63293f", size = 22368151, upload-time = "2025-05-08T16:04:31.731Z" }, - { url = "https://files.pythonhosted.org/packages/38/7d/f457626e3cd3c29b3a49ca115a304cebb8cc6f31b04678f03b216899d3c6/scipy-1.15.3-cp310-cp310-macosx_14_0_x86_64.whl", hash = "sha256:1c832e1bd78dea67d5c16f786681b28dd695a8cb1fb90af2e27580d3d0967e92", size = 25121732, upload-time = "2025-05-08T16:04:36.596Z" }, - { url = "https://files.pythonhosted.org/packages/db/0a/92b1de4a7adc7a15dcf5bddc6e191f6f29ee663b30511ce20467ef9b82e4/scipy-1.15.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:263961f658ce2165bbd7b99fa5135195c3a12d9bef045345016b8b50c315cb82", size = 35547617, upload-time = "2025-05-08T16:04:43.546Z" }, - { url = "https://files.pythonhosted.org/packages/8e/6d/41991e503e51fc1134502694c5fa7a1671501a17ffa12716a4a9151af3df/scipy-1.15.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9e2abc762b0811e09a0d3258abee2d98e0c703eee49464ce0069590846f31d40", size = 37662964, upload-time = "2025-05-08T16:04:49.431Z" }, - { url = "https://files.pythonhosted.org/packages/25/e1/3df8f83cb15f3500478c889be8fb18700813b95e9e087328230b98d547ff/scipy-1.15.3-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:ed7284b21a7a0c8f1b6e5977ac05396c0d008b89e05498c8b7e8f4a1423bba0e", size = 37238749, upload-time = "2025-05-08T16:04:55.215Z" }, - { url = "https://files.pythonhosted.org/packages/93/3e/b3257cf446f2a3533ed7809757039016b74cd6f38271de91682aa844cfc5/scipy-1.15.3-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:5380741e53df2c566f4d234b100a484b420af85deb39ea35a1cc1be84ff53a5c", size = 40022383, upload-time = "2025-05-08T16:05:01.914Z" }, - { url = "https://files.pythonhosted.org/packages/d1/84/55bc4881973d3f79b479a5a2e2df61c8c9a04fcb986a213ac9c02cfb659b/scipy-1.15.3-cp310-cp310-win_amd64.whl", hash = "sha256:9d61e97b186a57350f6d6fd72640f9e99d5a4a2b8fbf4b9ee9a841eab327dc13", size = 41259201, upload-time = "2025-05-08T16:05:08.166Z" }, - { url = "https://files.pythonhosted.org/packages/96/ab/5cc9f80f28f6a7dff646c5756e559823614a42b1939d86dd0ed550470210/scipy-1.15.3-cp311-cp311-macosx_10_13_x86_64.whl", hash = "sha256:993439ce220d25e3696d1b23b233dd010169b62f6456488567e830654ee37a6b", size = 38714255, upload-time = "2025-05-08T16:05:14.596Z" }, - { url = "https://files.pythonhosted.org/packages/4a/4a/66ba30abe5ad1a3ad15bfb0b59d22174012e8056ff448cb1644deccbfed2/scipy-1.15.3-cp311-cp311-macosx_12_0_arm64.whl", hash = "sha256:34716e281f181a02341ddeaad584205bd2fd3c242063bd3423d61ac259ca7eba", size = 30111035, upload-time = "2025-05-08T16:05:20.152Z" }, - { url = "https://files.pythonhosted.org/packages/4b/fa/a7e5b95afd80d24313307f03624acc65801846fa75599034f8ceb9e2cbf6/scipy-1.15.3-cp311-cp311-macosx_14_0_arm64.whl", hash = "sha256:3b0334816afb8b91dab859281b1b9786934392aa3d527cd847e41bb6f45bee65", size = 22384499, upload-time = "2025-05-08T16:05:24.494Z" }, - { url = "https://files.pythonhosted.org/packages/17/99/f3aaddccf3588bb4aea70ba35328c204cadd89517a1612ecfda5b2dd9d7a/scipy-1.15.3-cp311-cp311-macosx_14_0_x86_64.whl", hash = "sha256:6db907c7368e3092e24919b5e31c76998b0ce1684d51a90943cb0ed1b4ffd6c1", size = 25152602, upload-time = "2025-05-08T16:05:29.313Z" }, - { url = "https://files.pythonhosted.org/packages/56/c5/1032cdb565f146109212153339f9cb8b993701e9fe56b1c97699eee12586/scipy-1.15.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:721d6b4ef5dc82ca8968c25b111e307083d7ca9091bc38163fb89243e85e3889", size = 35503415, upload-time = "2025-05-08T16:05:34.699Z" }, - { url = "https://files.pythonhosted.org/packages/bd/37/89f19c8c05505d0601ed5650156e50eb881ae3918786c8fd7262b4ee66d3/scipy-1.15.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:39cb9c62e471b1bb3750066ecc3a3f3052b37751c7c3dfd0fd7e48900ed52982", size = 37652622, upload-time = "2025-05-08T16:05:40.762Z" }, - { url = "https://files.pythonhosted.org/packages/7e/31/be59513aa9695519b18e1851bb9e487de66f2d31f835201f1b42f5d4d475/scipy-1.15.3-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:795c46999bae845966368a3c013e0e00947932d68e235702b5c3f6ea799aa8c9", size = 37244796, upload-time = "2025-05-08T16:05:48.119Z" }, - { url = "https://files.pythonhosted.org/packages/10/c0/4f5f3eeccc235632aab79b27a74a9130c6c35df358129f7ac8b29f562ac7/scipy-1.15.3-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:18aaacb735ab38b38db42cb01f6b92a2d0d4b6aabefeb07f02849e47f8fb3594", size = 40047684, upload-time = "2025-05-08T16:05:54.22Z" }, - { url = "https://files.pythonhosted.org/packages/ab/a7/0ddaf514ce8a8714f6ed243a2b391b41dbb65251affe21ee3077ec45ea9a/scipy-1.15.3-cp311-cp311-win_amd64.whl", hash = "sha256:ae48a786a28412d744c62fd7816a4118ef97e5be0bee968ce8f0a2fba7acf3bb", size = 41246504, upload-time = "2025-05-08T16:06:00.437Z" }, - { url = "https://files.pythonhosted.org/packages/37/4b/683aa044c4162e10ed7a7ea30527f2cbd92e6999c10a8ed8edb253836e9c/scipy-1.15.3-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:6ac6310fdbfb7aa6612408bd2f07295bcbd3fda00d2d702178434751fe48e019", size = 38766735, upload-time = "2025-05-08T16:06:06.471Z" }, - { url = "https://files.pythonhosted.org/packages/7b/7e/f30be3d03de07f25dc0ec926d1681fed5c732d759ac8f51079708c79e680/scipy-1.15.3-cp312-cp312-macosx_12_0_arm64.whl", hash = "sha256:185cd3d6d05ca4b44a8f1595af87f9c372bb6acf9c808e99aa3e9aa03bd98cf6", size = 30173284, upload-time = "2025-05-08T16:06:11.686Z" }, - { url = "https://files.pythonhosted.org/packages/07/9c/0ddb0d0abdabe0d181c1793db51f02cd59e4901da6f9f7848e1f96759f0d/scipy-1.15.3-cp312-cp312-macosx_14_0_arm64.whl", hash = "sha256:05dc6abcd105e1a29f95eada46d4a3f251743cfd7d3ae8ddb4088047f24ea477", size = 22446958, upload-time = "2025-05-08T16:06:15.97Z" }, - { url = "https://files.pythonhosted.org/packages/af/43/0bce905a965f36c58ff80d8bea33f1f9351b05fad4beaad4eae34699b7a1/scipy-1.15.3-cp312-cp312-macosx_14_0_x86_64.whl", hash = "sha256:06efcba926324df1696931a57a176c80848ccd67ce6ad020c810736bfd58eb1c", size = 25242454, upload-time = "2025-05-08T16:06:20.394Z" }, - { url = "https://files.pythonhosted.org/packages/56/30/a6f08f84ee5b7b28b4c597aca4cbe545535c39fe911845a96414700b64ba/scipy-1.15.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c05045d8b9bfd807ee1b9f38761993297b10b245f012b11b13b91ba8945f7e45", size = 35210199, upload-time = "2025-05-08T16:06:26.159Z" }, - { url = "https://files.pythonhosted.org/packages/0b/1f/03f52c282437a168ee2c7c14a1a0d0781a9a4a8962d84ac05c06b4c5b555/scipy-1.15.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:271e3713e645149ea5ea3e97b57fdab61ce61333f97cfae392c28ba786f9bb49", size = 37309455, upload-time = "2025-05-08T16:06:32.778Z" }, - { url = "https://files.pythonhosted.org/packages/89/b1/fbb53137f42c4bf630b1ffdfc2151a62d1d1b903b249f030d2b1c0280af8/scipy-1.15.3-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:6cfd56fc1a8e53f6e89ba3a7a7251f7396412d655bca2aa5611c8ec9a6784a1e", size = 36885140, upload-time = "2025-05-08T16:06:39.249Z" }, - { url = "https://files.pythonhosted.org/packages/2e/2e/025e39e339f5090df1ff266d021892694dbb7e63568edcfe43f892fa381d/scipy-1.15.3-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:0ff17c0bb1cb32952c09217d8d1eed9b53d1463e5f1dd6052c7857f83127d539", size = 39710549, upload-time = "2025-05-08T16:06:45.729Z" }, - { url = "https://files.pythonhosted.org/packages/e6/eb/3bf6ea8ab7f1503dca3a10df2e4b9c3f6b3316df07f6c0ded94b281c7101/scipy-1.15.3-cp312-cp312-win_amd64.whl", hash = "sha256:52092bc0472cfd17df49ff17e70624345efece4e1a12b23783a1ac59a1b728ed", size = 40966184, upload-time = "2025-05-08T16:06:52.623Z" }, - { url = "https://files.pythonhosted.org/packages/73/18/ec27848c9baae6e0d6573eda6e01a602e5649ee72c27c3a8aad673ebecfd/scipy-1.15.3-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:2c620736bcc334782e24d173c0fdbb7590a0a436d2fdf39310a8902505008759", size = 38728256, upload-time = "2025-05-08T16:06:58.696Z" }, - { url = "https://files.pythonhosted.org/packages/74/cd/1aef2184948728b4b6e21267d53b3339762c285a46a274ebb7863c9e4742/scipy-1.15.3-cp313-cp313-macosx_12_0_arm64.whl", hash = "sha256:7e11270a000969409d37ed399585ee530b9ef6aa99d50c019de4cb01e8e54e62", size = 30109540, upload-time = "2025-05-08T16:07:04.209Z" }, - { url = "https://files.pythonhosted.org/packages/5b/d8/59e452c0a255ec352bd0a833537a3bc1bfb679944c4938ab375b0a6b3a3e/scipy-1.15.3-cp313-cp313-macosx_14_0_arm64.whl", hash = "sha256:8c9ed3ba2c8a2ce098163a9bdb26f891746d02136995df25227a20e71c396ebb", size = 22383115, upload-time = "2025-05-08T16:07:08.998Z" }, - { url = "https://files.pythonhosted.org/packages/08/f5/456f56bbbfccf696263b47095291040655e3cbaf05d063bdc7c7517f32ac/scipy-1.15.3-cp313-cp313-macosx_14_0_x86_64.whl", hash = "sha256:0bdd905264c0c9cfa74a4772cdb2070171790381a5c4d312c973382fc6eaf730", size = 25163884, upload-time = "2025-05-08T16:07:14.091Z" }, - { url = "https://files.pythonhosted.org/packages/a2/66/a9618b6a435a0f0c0b8a6d0a2efb32d4ec5a85f023c2b79d39512040355b/scipy-1.15.3-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:79167bba085c31f38603e11a267d862957cbb3ce018d8b38f79ac043bc92d825", size = 35174018, upload-time = "2025-05-08T16:07:19.427Z" }, - { url = "https://files.pythonhosted.org/packages/b5/09/c5b6734a50ad4882432b6bb7c02baf757f5b2f256041da5df242e2d7e6b6/scipy-1.15.3-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c9deabd6d547aee2c9a81dee6cc96c6d7e9a9b1953f74850c179f91fdc729cb7", size = 37269716, upload-time = "2025-05-08T16:07:25.712Z" }, - { url = "https://files.pythonhosted.org/packages/77/0a/eac00ff741f23bcabd352731ed9b8995a0a60ef57f5fd788d611d43d69a1/scipy-1.15.3-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:dde4fc32993071ac0c7dd2d82569e544f0bdaff66269cb475e0f369adad13f11", size = 36872342, upload-time = "2025-05-08T16:07:31.468Z" }, - { url = "https://files.pythonhosted.org/packages/fe/54/4379be86dd74b6ad81551689107360d9a3e18f24d20767a2d5b9253a3f0a/scipy-1.15.3-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:f77f853d584e72e874d87357ad70f44b437331507d1c311457bed8ed2b956126", size = 39670869, upload-time = "2025-05-08T16:07:38.002Z" }, - { url = "https://files.pythonhosted.org/packages/87/2e/892ad2862ba54f084ffe8cc4a22667eaf9c2bcec6d2bff1d15713c6c0703/scipy-1.15.3-cp313-cp313-win_amd64.whl", hash = "sha256:b90ab29d0c37ec9bf55424c064312930ca5f4bde15ee8619ee44e69319aab163", size = 40988851, upload-time = "2025-05-08T16:08:33.671Z" }, - { url = "https://files.pythonhosted.org/packages/1b/e9/7a879c137f7e55b30d75d90ce3eb468197646bc7b443ac036ae3fe109055/scipy-1.15.3-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:3ac07623267feb3ae308487c260ac684b32ea35fd81e12845039952f558047b8", size = 38863011, upload-time = "2025-05-08T16:07:44.039Z" }, - { url = "https://files.pythonhosted.org/packages/51/d1/226a806bbd69f62ce5ef5f3ffadc35286e9fbc802f606a07eb83bf2359de/scipy-1.15.3-cp313-cp313t-macosx_12_0_arm64.whl", hash = "sha256:6487aa99c2a3d509a5227d9a5e889ff05830a06b2ce08ec30df6d79db5fcd5c5", size = 30266407, upload-time = "2025-05-08T16:07:49.891Z" }, - { url = "https://files.pythonhosted.org/packages/e5/9b/f32d1d6093ab9eeabbd839b0f7619c62e46cc4b7b6dbf05b6e615bbd4400/scipy-1.15.3-cp313-cp313t-macosx_14_0_arm64.whl", hash = "sha256:50f9e62461c95d933d5c5ef4a1f2ebf9a2b4e83b0db374cb3f1de104d935922e", size = 22540030, upload-time = "2025-05-08T16:07:54.121Z" }, - { url = "https://files.pythonhosted.org/packages/e7/29/c278f699b095c1a884f29fda126340fcc201461ee8bfea5c8bdb1c7c958b/scipy-1.15.3-cp313-cp313t-macosx_14_0_x86_64.whl", hash = "sha256:14ed70039d182f411ffc74789a16df3835e05dc469b898233a245cdfd7f162cb", size = 25218709, upload-time = "2025-05-08T16:07:58.506Z" }, - { url = "https://files.pythonhosted.org/packages/24/18/9e5374b617aba742a990581373cd6b68a2945d65cc588482749ef2e64467/scipy-1.15.3-cp313-cp313t-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0a769105537aa07a69468a0eefcd121be52006db61cdd8cac8a0e68980bbb723", size = 34809045, upload-time = "2025-05-08T16:08:03.929Z" }, - { url = "https://files.pythonhosted.org/packages/e1/fe/9c4361e7ba2927074360856db6135ef4904d505e9b3afbbcb073c4008328/scipy-1.15.3-cp313-cp313t-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9db984639887e3dffb3928d118145ffe40eff2fa40cb241a306ec57c219ebbbb", size = 36703062, upload-time = "2025-05-08T16:08:09.558Z" }, - { url = "https://files.pythonhosted.org/packages/b7/8e/038ccfe29d272b30086b25a4960f757f97122cb2ec42e62b460d02fe98e9/scipy-1.15.3-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:40e54d5c7e7ebf1aa596c374c49fa3135f04648a0caabcb66c52884b943f02b4", size = 36393132, upload-time = "2025-05-08T16:08:15.34Z" }, - { url = "https://files.pythonhosted.org/packages/10/7e/5c12285452970be5bdbe8352c619250b97ebf7917d7a9a9e96b8a8140f17/scipy-1.15.3-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:5e721fed53187e71d0ccf382b6bf977644c533e506c4d33c3fb24de89f5c3ed5", size = 38979503, upload-time = "2025-05-08T16:08:21.513Z" }, - { url = "https://files.pythonhosted.org/packages/81/06/0a5e5349474e1cbc5757975b21bd4fad0e72ebf138c5592f191646154e06/scipy-1.15.3-cp313-cp313t-win_amd64.whl", hash = "sha256:76ad1fb5f8752eabf0fa02e4cc0336b4e8f021e2d5f061ed37d6d264db35e3ca", size = 40308097, upload-time = "2025-05-08T16:08:27.627Z" }, -] - -[[package]] -name = "scipy" -version = "1.16.2" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version >= '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.14.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", -] -dependencies = [ - { name = "numpy", marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/4c/3b/546a6f0bfe791bbb7f8d591613454d15097e53f906308ec6f7c1ce588e8e/scipy-1.16.2.tar.gz", hash = "sha256:af029b153d243a80afb6eabe40b0a07f8e35c9adc269c019f364ad747f826a6b", size = 30580599, upload-time = "2025-09-11T17:48:08.271Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/0b/ef/37ed4b213d64b48422df92560af7300e10fe30b5d665dd79932baebee0c6/scipy-1.16.2-cp311-cp311-macosx_10_14_x86_64.whl", hash = "sha256:6ab88ea43a57da1af33292ebd04b417e8e2eaf9d5aa05700be8d6e1b6501cd92", size = 36619956, upload-time = "2025-09-11T17:39:20.5Z" }, - { url = "https://files.pythonhosted.org/packages/85/ab/5c2eba89b9416961a982346a4d6a647d78c91ec96ab94ed522b3b6baf444/scipy-1.16.2-cp311-cp311-macosx_12_0_arm64.whl", hash = "sha256:c95e96c7305c96ede73a7389f46ccd6c659c4da5ef1b2789466baeaed3622b6e", size = 28931117, upload-time = "2025-09-11T17:39:29.06Z" }, - { url = "https://files.pythonhosted.org/packages/80/d1/eed51ab64d227fe60229a2d57fb60ca5898cfa50ba27d4f573e9e5f0b430/scipy-1.16.2-cp311-cp311-macosx_14_0_arm64.whl", hash = "sha256:87eb178db04ece7c698220d523c170125dbffebb7af0345e66c3554f6f60c173", size = 20921997, upload-time = "2025-09-11T17:39:34.892Z" }, - { url = "https://files.pythonhosted.org/packages/be/7c/33ea3e23bbadde96726edba6bf9111fb1969d14d9d477ffa202c67bec9da/scipy-1.16.2-cp311-cp311-macosx_14_0_x86_64.whl", hash = "sha256:4e409eac067dcee96a57fbcf424c13f428037827ec7ee3cb671ff525ca4fc34d", size = 23523374, upload-time = "2025-09-11T17:39:40.846Z" }, - { url = "https://files.pythonhosted.org/packages/96/0b/7399dc96e1e3f9a05e258c98d716196a34f528eef2ec55aad651ed136d03/scipy-1.16.2-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:e574be127bb760f0dad24ff6e217c80213d153058372362ccb9555a10fc5e8d2", size = 33583702, upload-time = "2025-09-11T17:39:49.011Z" }, - { url = "https://files.pythonhosted.org/packages/1a/bc/a5c75095089b96ea72c1bd37a4497c24b581ec73db4ef58ebee142ad2d14/scipy-1.16.2-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:f5db5ba6188d698ba7abab982ad6973265b74bb40a1efe1821b58c87f73892b9", size = 35883427, upload-time = "2025-09-11T17:39:57.406Z" }, - { url = "https://files.pythonhosted.org/packages/ab/66/e25705ca3d2b87b97fe0a278a24b7f477b4023a926847935a1a71488a6a6/scipy-1.16.2-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:ec6e74c4e884104ae006d34110677bfe0098203a3fec2f3faf349f4cb05165e3", size = 36212940, upload-time = "2025-09-11T17:40:06.013Z" }, - { url = "https://files.pythonhosted.org/packages/d6/fd/0bb911585e12f3abdd603d721d83fc1c7492835e1401a0e6d498d7822b4b/scipy-1.16.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:912f46667d2d3834bc3d57361f854226475f695eb08c08a904aadb1c936b6a88", size = 38865092, upload-time = "2025-09-11T17:40:15.143Z" }, - { url = "https://files.pythonhosted.org/packages/d6/73/c449a7d56ba6e6f874183759f8483cde21f900a8be117d67ffbb670c2958/scipy-1.16.2-cp311-cp311-win_amd64.whl", hash = "sha256:91e9e8a37befa5a69e9cacbe0bcb79ae5afb4a0b130fd6db6ee6cc0d491695fa", size = 38687626, upload-time = "2025-09-11T17:40:24.041Z" }, - { url = "https://files.pythonhosted.org/packages/68/72/02f37316adf95307f5d9e579023c6899f89ff3a051fa079dbd6faafc48e5/scipy-1.16.2-cp311-cp311-win_arm64.whl", hash = "sha256:f3bf75a6dcecab62afde4d1f973f1692be013110cad5338007927db8da73249c", size = 25503506, upload-time = "2025-09-11T17:40:30.703Z" }, - { url = "https://files.pythonhosted.org/packages/b7/8d/6396e00db1282279a4ddd507c5f5e11f606812b608ee58517ce8abbf883f/scipy-1.16.2-cp312-cp312-macosx_10_14_x86_64.whl", hash = "sha256:89d6c100fa5c48472047632e06f0876b3c4931aac1f4291afc81a3644316bb0d", size = 36646259, upload-time = "2025-09-11T17:40:39.329Z" }, - { url = "https://files.pythonhosted.org/packages/3b/93/ea9edd7e193fceb8eef149804491890bde73fb169c896b61aa3e2d1e4e77/scipy-1.16.2-cp312-cp312-macosx_12_0_arm64.whl", hash = "sha256:ca748936cd579d3f01928b30a17dc474550b01272d8046e3e1ee593f23620371", size = 28888976, upload-time = "2025-09-11T17:40:46.82Z" }, - { url = "https://files.pythonhosted.org/packages/91/4d/281fddc3d80fd738ba86fd3aed9202331180b01e2c78eaae0642f22f7e83/scipy-1.16.2-cp312-cp312-macosx_14_0_arm64.whl", hash = "sha256:fac4f8ce2ddb40e2e3d0f7ec36d2a1e7f92559a2471e59aec37bd8d9de01fec0", size = 20879905, upload-time = "2025-09-11T17:40:52.545Z" }, - { url = "https://files.pythonhosted.org/packages/69/40/b33b74c84606fd301b2915f0062e45733c6ff5708d121dd0deaa8871e2d0/scipy-1.16.2-cp312-cp312-macosx_14_0_x86_64.whl", hash = "sha256:033570f1dcefd79547a88e18bccacff025c8c647a330381064f561d43b821232", size = 23553066, upload-time = "2025-09-11T17:40:59.014Z" }, - { url = "https://files.pythonhosted.org/packages/55/a7/22c739e2f21a42cc8f16bc76b47cff4ed54fbe0962832c589591c2abec34/scipy-1.16.2-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:ea3421209bf00c8a5ef2227de496601087d8f638a2363ee09af059bd70976dc1", size = 33336407, upload-time = "2025-09-11T17:41:06.796Z" }, - { url = "https://files.pythonhosted.org/packages/53/11/a0160990b82999b45874dc60c0c183d3a3a969a563fffc476d5a9995c407/scipy-1.16.2-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:f66bd07ba6f84cd4a380b41d1bf3c59ea488b590a2ff96744845163309ee8e2f", size = 35673281, upload-time = "2025-09-11T17:41:15.055Z" }, - { url = "https://files.pythonhosted.org/packages/96/53/7ef48a4cfcf243c3d0f1643f5887c81f29fdf76911c4e49331828e19fc0a/scipy-1.16.2-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:5e9feab931bd2aea4a23388c962df6468af3d808ddf2d40f94a81c5dc38f32ef", size = 36004222, upload-time = "2025-09-11T17:41:23.868Z" }, - { url = "https://files.pythonhosted.org/packages/49/7f/71a69e0afd460049d41c65c630c919c537815277dfea214031005f474d78/scipy-1.16.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:03dfc75e52f72cf23ec2ced468645321407faad8f0fe7b1f5b49264adbc29cb1", size = 38664586, upload-time = "2025-09-11T17:41:31.021Z" }, - { url = "https://files.pythonhosted.org/packages/34/95/20e02ca66fb495a95fba0642fd48e0c390d0ece9b9b14c6e931a60a12dea/scipy-1.16.2-cp312-cp312-win_amd64.whl", hash = "sha256:0ce54e07bbb394b417457409a64fd015be623f36e330ac49306433ffe04bc97e", size = 38550641, upload-time = "2025-09-11T17:41:36.61Z" }, - { url = "https://files.pythonhosted.org/packages/92/ad/13646b9beb0a95528ca46d52b7babafbe115017814a611f2065ee4e61d20/scipy-1.16.2-cp312-cp312-win_arm64.whl", hash = "sha256:2a8ffaa4ac0df81a0b94577b18ee079f13fecdb924df3328fc44a7dc5ac46851", size = 25456070, upload-time = "2025-09-11T17:41:41.3Z" }, - { url = "https://files.pythonhosted.org/packages/c1/27/c5b52f1ee81727a9fc457f5ac1e9bf3d6eab311805ea615c83c27ba06400/scipy-1.16.2-cp313-cp313-macosx_10_14_x86_64.whl", hash = "sha256:84f7bf944b43e20b8a894f5fe593976926744f6c185bacfcbdfbb62736b5cc70", size = 36604856, upload-time = "2025-09-11T17:41:47.695Z" }, - { url = "https://files.pythonhosted.org/packages/32/a9/15c20d08e950b540184caa8ced675ba1128accb0e09c653780ba023a4110/scipy-1.16.2-cp313-cp313-macosx_12_0_arm64.whl", hash = "sha256:5c39026d12edc826a1ef2ad35ad1e6d7f087f934bb868fc43fa3049c8b8508f9", size = 28864626, upload-time = "2025-09-11T17:41:52.642Z" }, - { url = "https://files.pythonhosted.org/packages/4c/fc/ea36098df653cca26062a627c1a94b0de659e97127c8491e18713ca0e3b9/scipy-1.16.2-cp313-cp313-macosx_14_0_arm64.whl", hash = "sha256:e52729ffd45b68777c5319560014d6fd251294200625d9d70fd8626516fc49f5", size = 20855689, upload-time = "2025-09-11T17:41:57.886Z" }, - { url = "https://files.pythonhosted.org/packages/dc/6f/d0b53be55727f3e6d7c72687ec18ea6d0047cf95f1f77488b99a2bafaee1/scipy-1.16.2-cp313-cp313-macosx_14_0_x86_64.whl", hash = "sha256:024dd4a118cccec09ca3209b7e8e614931a6ffb804b2a601839499cb88bdf925", size = 23512151, upload-time = "2025-09-11T17:42:02.303Z" }, - { url = "https://files.pythonhosted.org/packages/11/85/bf7dab56e5c4b1d3d8eef92ca8ede788418ad38a7dc3ff50262f00808760/scipy-1.16.2-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:7a5dc7ee9c33019973a470556081b0fd3c9f4c44019191039f9769183141a4d9", size = 33329824, upload-time = "2025-09-11T17:42:07.549Z" }, - { url = "https://files.pythonhosted.org/packages/da/6a/1a927b14ddc7714111ea51f4e568203b2bb6ed59bdd036d62127c1a360c8/scipy-1.16.2-cp313-cp313-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:c2275ff105e508942f99d4e3bc56b6ef5e4b3c0af970386ca56b777608ce95b7", size = 35681881, upload-time = "2025-09-11T17:42:13.255Z" }, - { url = "https://files.pythonhosted.org/packages/c1/5f/331148ea5780b4fcc7007a4a6a6ee0a0c1507a796365cc642d4d226e1c3a/scipy-1.16.2-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:af80196eaa84f033e48444d2e0786ec47d328ba00c71e4299b602235ffef9acb", size = 36006219, upload-time = "2025-09-11T17:42:18.765Z" }, - { url = "https://files.pythonhosted.org/packages/46/3a/e991aa9d2aec723b4a8dcfbfc8365edec5d5e5f9f133888067f1cbb7dfc1/scipy-1.16.2-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:9fb1eb735fe3d6ed1f89918224e3385fbf6f9e23757cacc35f9c78d3b712dd6e", size = 38682147, upload-time = "2025-09-11T17:42:25.177Z" }, - { url = "https://files.pythonhosted.org/packages/a1/57/0f38e396ad19e41b4c5db66130167eef8ee620a49bc7d0512e3bb67e0cab/scipy-1.16.2-cp313-cp313-win_amd64.whl", hash = "sha256:fda714cf45ba43c9d3bae8f2585c777f64e3f89a2e073b668b32ede412d8f52c", size = 38520766, upload-time = "2025-09-11T17:43:25.342Z" }, - { url = "https://files.pythonhosted.org/packages/1b/a5/85d3e867b6822d331e26c862a91375bb7746a0b458db5effa093d34cdb89/scipy-1.16.2-cp313-cp313-win_arm64.whl", hash = "sha256:2f5350da923ccfd0b00e07c3e5cfb316c1c0d6c1d864c07a72d092e9f20db104", size = 25451169, upload-time = "2025-09-11T17:43:30.198Z" }, - { url = "https://files.pythonhosted.org/packages/09/d9/60679189bcebda55992d1a45498de6d080dcaf21ce0c8f24f888117e0c2d/scipy-1.16.2-cp313-cp313t-macosx_10_14_x86_64.whl", hash = "sha256:53d8d2ee29b925344c13bda64ab51785f016b1b9617849dac10897f0701b20c1", size = 37012682, upload-time = "2025-09-11T17:42:30.677Z" }, - { url = "https://files.pythonhosted.org/packages/83/be/a99d13ee4d3b7887a96f8c71361b9659ba4ef34da0338f14891e102a127f/scipy-1.16.2-cp313-cp313t-macosx_12_0_arm64.whl", hash = "sha256:9e05e33657efb4c6a9d23bd8300101536abd99c85cca82da0bffff8d8764d08a", size = 29389926, upload-time = "2025-09-11T17:42:35.845Z" }, - { url = "https://files.pythonhosted.org/packages/bf/0a/130164a4881cec6ca8c00faf3b57926f28ed429cd6001a673f83c7c2a579/scipy-1.16.2-cp313-cp313t-macosx_14_0_arm64.whl", hash = "sha256:7fe65b36036357003b3ef9d37547abeefaa353b237e989c21027b8ed62b12d4f", size = 21381152, upload-time = "2025-09-11T17:42:40.07Z" }, - { url = "https://files.pythonhosted.org/packages/47/a6/503ffb0310ae77fba874e10cddfc4a1280bdcca1d13c3751b8c3c2996cf8/scipy-1.16.2-cp313-cp313t-macosx_14_0_x86_64.whl", hash = "sha256:6406d2ac6d40b861cccf57f49592f9779071655e9f75cd4f977fa0bdd09cb2e4", size = 23914410, upload-time = "2025-09-11T17:42:44.313Z" }, - { url = "https://files.pythonhosted.org/packages/fa/c7/1147774bcea50d00c02600aadaa919facbd8537997a62496270133536ed6/scipy-1.16.2-cp313-cp313t-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:ff4dc42bd321991fbf611c23fc35912d690f731c9914bf3af8f417e64aca0f21", size = 33481880, upload-time = "2025-09-11T17:42:49.325Z" }, - { url = "https://files.pythonhosted.org/packages/6a/74/99d5415e4c3e46b2586f30cdbecb95e101c7192628a484a40dd0d163811a/scipy-1.16.2-cp313-cp313t-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:654324826654d4d9133e10675325708fb954bc84dae6e9ad0a52e75c6b1a01d7", size = 35791425, upload-time = "2025-09-11T17:42:54.711Z" }, - { url = "https://files.pythonhosted.org/packages/1b/ee/a6559de7c1cc710e938c0355d9d4fbcd732dac4d0d131959d1f3b63eb29c/scipy-1.16.2-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:63870a84cd15c44e65220eaed2dac0e8f8b26bbb991456a033c1d9abfe8a94f8", size = 36178622, upload-time = "2025-09-11T17:43:00.375Z" }, - { url = "https://files.pythonhosted.org/packages/4e/7b/f127a5795d5ba8ece4e0dce7d4a9fb7cb9e4f4757137757d7a69ab7d4f1a/scipy-1.16.2-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:fa01f0f6a3050fa6a9771a95d5faccc8e2f5a92b4a2e5440a0fa7264a2398472", size = 38783985, upload-time = "2025-09-11T17:43:06.661Z" }, - { url = "https://files.pythonhosted.org/packages/3e/9f/bc81c1d1e033951eb5912cd3750cc005943afa3e65a725d2443a3b3c4347/scipy-1.16.2-cp313-cp313t-win_amd64.whl", hash = "sha256:116296e89fba96f76353a8579820c2512f6e55835d3fad7780fece04367de351", size = 38631367, upload-time = "2025-09-11T17:43:14.44Z" }, - { url = "https://files.pythonhosted.org/packages/d6/5e/2cc7555fd81d01814271412a1d59a289d25f8b63208a0a16c21069d55d3e/scipy-1.16.2-cp313-cp313t-win_arm64.whl", hash = "sha256:98e22834650be81d42982360382b43b17f7ba95e0e6993e2a4f5b9ad9283a94d", size = 25787992, upload-time = "2025-09-11T17:43:19.745Z" }, - { url = "https://files.pythonhosted.org/packages/8b/ac/ad8951250516db71619f0bd3b2eb2448db04b720a003dd98619b78b692c0/scipy-1.16.2-cp314-cp314-macosx_10_14_x86_64.whl", hash = "sha256:567e77755019bb7461513c87f02bb73fb65b11f049aaaa8ca17cfaa5a5c45d77", size = 36595109, upload-time = "2025-09-11T17:43:35.713Z" }, - { url = "https://files.pythonhosted.org/packages/ff/f6/5779049ed119c5b503b0f3dc6d6f3f68eefc3a9190d4ad4c276f854f051b/scipy-1.16.2-cp314-cp314-macosx_12_0_arm64.whl", hash = "sha256:17d9bb346194e8967296621208fcdfd39b55498ef7d2f376884d5ac47cec1a70", size = 28859110, upload-time = "2025-09-11T17:43:40.814Z" }, - { url = "https://files.pythonhosted.org/packages/82/09/9986e410ae38bf0a0c737ff8189ac81a93b8e42349aac009891c054403d7/scipy-1.16.2-cp314-cp314-macosx_14_0_arm64.whl", hash = "sha256:0a17541827a9b78b777d33b623a6dcfe2ef4a25806204d08ead0768f4e529a88", size = 20850110, upload-time = "2025-09-11T17:43:44.981Z" }, - { url = "https://files.pythonhosted.org/packages/0d/ad/485cdef2d9215e2a7df6d61b81d2ac073dfacf6ae24b9ae87274c4e936ae/scipy-1.16.2-cp314-cp314-macosx_14_0_x86_64.whl", hash = "sha256:d7d4c6ba016ffc0f9568d012f5f1eb77ddd99412aea121e6fa8b4c3b7cbad91f", size = 23497014, upload-time = "2025-09-11T17:43:49.074Z" }, - { url = "https://files.pythonhosted.org/packages/a7/74/f6a852e5d581122b8f0f831f1d1e32fb8987776ed3658e95c377d308ed86/scipy-1.16.2-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:9702c4c023227785c779cba2e1d6f7635dbb5b2e0936cdd3a4ecb98d78fd41eb", size = 33401155, upload-time = "2025-09-11T17:43:54.661Z" }, - { url = "https://files.pythonhosted.org/packages/d9/f5/61d243bbc7c6e5e4e13dde9887e84a5cbe9e0f75fd09843044af1590844e/scipy-1.16.2-cp314-cp314-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:d1cdf0ac28948d225decdefcc45ad7dd91716c29ab56ef32f8e0d50657dffcc7", size = 35691174, upload-time = "2025-09-11T17:44:00.101Z" }, - { url = "https://files.pythonhosted.org/packages/03/99/59933956331f8cc57e406cdb7a483906c74706b156998f322913e789c7e1/scipy-1.16.2-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:70327d6aa572a17c2941cdfb20673f82e536e91850a2e4cb0c5b858b690e1548", size = 36070752, upload-time = "2025-09-11T17:44:05.619Z" }, - { url = "https://files.pythonhosted.org/packages/c6/7d/00f825cfb47ee19ef74ecf01244b43e95eae74e7e0ff796026ea7cd98456/scipy-1.16.2-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:5221c0b2a4b58aa7c4ed0387d360fd90ee9086d383bb34d9f2789fafddc8a936", size = 38701010, upload-time = "2025-09-11T17:44:11.322Z" }, - { url = "https://files.pythonhosted.org/packages/e4/9f/b62587029980378304ba5a8563d376c96f40b1e133daacee76efdcae32de/scipy-1.16.2-cp314-cp314-win_amd64.whl", hash = "sha256:f5a85d7b2b708025af08f060a496dd261055b617d776fc05a1a1cc69e09fe9ff", size = 39360061, upload-time = "2025-09-11T17:45:09.814Z" }, - { url = "https://files.pythonhosted.org/packages/82/04/7a2f1609921352c7fbee0815811b5050582f67f19983096c4769867ca45f/scipy-1.16.2-cp314-cp314-win_arm64.whl", hash = "sha256:2cc73a33305b4b24556957d5857d6253ce1e2dcd67fa0ff46d87d1670b3e1e1d", size = 26126914, upload-time = "2025-09-11T17:45:14.73Z" }, - { url = "https://files.pythonhosted.org/packages/51/b9/60929ce350c16b221928725d2d1d7f86cf96b8bc07415547057d1196dc92/scipy-1.16.2-cp314-cp314t-macosx_10_14_x86_64.whl", hash = "sha256:9ea2a3fed83065d77367775d689401a703d0f697420719ee10c0780bcab594d8", size = 37013193, upload-time = "2025-09-11T17:44:16.757Z" }, - { url = "https://files.pythonhosted.org/packages/2a/41/ed80e67782d4bc5fc85a966bc356c601afddd175856ba7c7bb6d9490607e/scipy-1.16.2-cp314-cp314t-macosx_12_0_arm64.whl", hash = "sha256:7280d926f11ca945c3ef92ba960fa924e1465f8d07ce3a9923080363390624c4", size = 29390172, upload-time = "2025-09-11T17:44:21.783Z" }, - { url = "https://files.pythonhosted.org/packages/c4/a3/2f673ace4090452696ccded5f5f8efffb353b8f3628f823a110e0170b605/scipy-1.16.2-cp314-cp314t-macosx_14_0_arm64.whl", hash = "sha256:8afae1756f6a1fe04636407ef7dbece33d826a5d462b74f3d0eb82deabefd831", size = 21381326, upload-time = "2025-09-11T17:44:25.982Z" }, - { url = "https://files.pythonhosted.org/packages/42/bf/59df61c5d51395066c35836b78136accf506197617c8662e60ea209881e1/scipy-1.16.2-cp314-cp314t-macosx_14_0_x86_64.whl", hash = "sha256:5c66511f29aa8d233388e7416a3f20d5cae7a2744d5cee2ecd38c081f4e861b3", size = 23915036, upload-time = "2025-09-11T17:44:30.527Z" }, - { url = "https://files.pythonhosted.org/packages/91/c3/edc7b300dc16847ad3672f1a6f3f7c5d13522b21b84b81c265f4f2760d4a/scipy-1.16.2-cp314-cp314t-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:efe6305aeaa0e96b0ccca5ff647a43737d9a092064a3894e46c414db84bc54ac", size = 33484341, upload-time = "2025-09-11T17:44:35.981Z" }, - { url = "https://files.pythonhosted.org/packages/26/c7/24d1524e72f06ff141e8d04b833c20db3021020563272ccb1b83860082a9/scipy-1.16.2-cp314-cp314t-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:7f3a337d9ae06a1e8d655ee9d8ecb835ea5ddcdcbd8d23012afa055ab014f374", size = 35790840, upload-time = "2025-09-11T17:44:41.76Z" }, - { url = "https://files.pythonhosted.org/packages/aa/b7/5aaad984eeedd56858dc33d75efa59e8ce798d918e1033ef62d2708f2c3d/scipy-1.16.2-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:bab3605795d269067d8ce78a910220262711b753de8913d3deeaedb5dded3bb6", size = 36174716, upload-time = "2025-09-11T17:44:47.316Z" }, - { url = "https://files.pythonhosted.org/packages/fd/c2/e276a237acb09824822b0ada11b028ed4067fdc367a946730979feacb870/scipy-1.16.2-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:b0348d8ddb55be2a844c518cd8cc8deeeb8aeba707cf834db5758fc89b476a2c", size = 38790088, upload-time = "2025-09-11T17:44:53.011Z" }, - { url = "https://files.pythonhosted.org/packages/c6/b4/5c18a766e8353015439f3780f5fc473f36f9762edc1a2e45da3ff5a31b21/scipy-1.16.2-cp314-cp314t-win_amd64.whl", hash = "sha256:26284797e38b8a75e14ea6631d29bda11e76ceaa6ddb6fdebbfe4c4d90faf2f9", size = 39457455, upload-time = "2025-09-11T17:44:58.899Z" }, - { url = "https://files.pythonhosted.org/packages/97/30/2f9a5243008f76dfc5dee9a53dfb939d9b31e16ce4bd4f2e628bfc5d89d2/scipy-1.16.2-cp314-cp314t-win_arm64.whl", hash = "sha256:d2a4472c231328d4de38d5f1f68fdd6d28a615138f842580a8a321b5845cf779", size = 26448374, upload-time = "2025-09-11T17:45:03.45Z" }, -] - -[[package]] -name = "semantic-version" -version = "2.10.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/7d/31/f2289ce78b9b473d582568c234e104d2a342fd658cc288a7553d83bb8595/semantic_version-2.10.0.tar.gz", hash = "sha256:bdabb6d336998cbb378d4b9db3a4b56a1e3235701dc05ea2690d9a997ed5041c", size = 52289, upload-time = "2022-05-26T13:35:23.454Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/6a/23/8146aad7d88f4fcb3a6218f41a60f6c2d4e3a72de72da1825dc7c8f7877c/semantic_version-2.10.0-py2.py3-none-any.whl", hash = "sha256:de78a3b8e0feda74cabc54aab2da702113e33ac9d9eb9d2389bcf1f58b7d9177", size = 15552, upload-time = "2022-05-26T13:35:21.206Z" }, -] - -[[package]] -name = "send2trash" -version = "1.8.3" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/fd/3a/aec9b02217bb79b87bbc1a21bc6abc51e3d5dcf65c30487ac96c0908c722/Send2Trash-1.8.3.tar.gz", hash = "sha256:b18e7a3966d99871aefeb00cfbcfdced55ce4871194810fc71f4aa484b953abf", size = 17394, upload-time = "2024-04-07T00:01:09.267Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/40/b0/4562db6223154aa4e22f939003cb92514c79f3d4dccca3444253fd17f902/Send2Trash-1.8.3-py3-none-any.whl", hash = "sha256:0c31227e0bd08961c7665474a3d1ef7193929fedda4233843689baa056be46c9", size = 18072, upload-time = "2024-04-07T00:01:07.438Z" }, -] - -[[package]] -name = "sentencepiece" -version = "0.2.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/15/15/2e7a025fc62d764b151ae6d0f2a92f8081755ebe8d4a64099accc6f77ba6/sentencepiece-0.2.1.tar.gz", hash = "sha256:8138cec27c2f2282f4a34d9a016e3374cd40e5c6e9cb335063db66a0a3b71fad", size = 3228515, upload-time = "2025-08-12T07:00:51.718Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/af/31/5b7cccb307b485db1a2372d6d2980b0a65d067f8be5ca943a103b4acd5b3/sentencepiece-0.2.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:e10fa50bdbaa5e2445dbd387979980d391760faf0ec99a09bd7780ff37eaec44", size = 1942557, upload-time = "2025-08-12T06:59:12.379Z" }, - { url = "https://files.pythonhosted.org/packages/1f/41/0ac923a8e685ad290c5afc8ae55c5844977b8d75076fcc04302b9a324274/sentencepiece-0.2.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:2f27ae6deea72efdb6f361750c92f6c21fd0ad087445082770cc34015213c526", size = 1325384, upload-time = "2025-08-12T06:59:14.334Z" }, - { url = "https://files.pythonhosted.org/packages/fc/ef/3751555d67daf9003384978f169d31c775cb5c7baf28633caaf1eb2b2b4d/sentencepiece-0.2.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:60937c959e6f44159fdd9f56fbdd302501f96114a5ba436829496d5f32d8de3f", size = 1253317, upload-time = "2025-08-12T06:59:16.247Z" }, - { url = "https://files.pythonhosted.org/packages/46/a5/742c69b7bd144eb32b6e5fd50dbd8abbbc7a95fce2fe16e50156fa400e3b/sentencepiece-0.2.1-cp310-cp310-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:d8b1d91545578852f128650b8cce4ec20f93d39b378ff554ebe66290f2dabb92", size = 1316379, upload-time = "2025-08-12T06:59:17.825Z" }, - { url = "https://files.pythonhosted.org/packages/c8/89/8deeafbba2871e8fa10f20f17447786f4ac38085925335728d360eaf4cae/sentencepiece-0.2.1-cp310-cp310-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:27e38eee653abc3d387862e67bc5c8b6f428cd604e688b85d29170b7e725c26c", size = 1387926, upload-time = "2025-08-12T06:59:19.395Z" }, - { url = "https://files.pythonhosted.org/packages/c3/ca/67fe73005f0ab617c6a970b199754e28e524b6873aa7025224fad3cda252/sentencepiece-0.2.1-cp310-cp310-win32.whl", hash = "sha256:251874d720ac7f28024a168501f3c7bb15d1802245f6e66de565f18bbb9b5eaa", size = 999550, upload-time = "2025-08-12T06:59:20.844Z" }, - { url = "https://files.pythonhosted.org/packages/6d/33/dc5b54042050d2dda4229c3ce1f862541c99966390b6aa20f54d520d2dc2/sentencepiece-0.2.1-cp310-cp310-win_amd64.whl", hash = "sha256:e52144670738b4b477fade6c2a9b6af71a8d0094514c9853ac9f6fc1fcfabae7", size = 1054613, upload-time = "2025-08-12T06:59:22.255Z" }, - { url = "https://files.pythonhosted.org/packages/fa/19/1ea47f46ff97fe04422b78997da1a37cd632f414aae042d27a9009c5b733/sentencepiece-0.2.1-cp310-cp310-win_arm64.whl", hash = "sha256:9076430ac25dfa7147d9d05751dbc66a04bc1aaac371c07f84952979ea59f0d0", size = 1033884, upload-time = "2025-08-12T06:59:24.194Z" }, - { url = "https://files.pythonhosted.org/packages/d8/15/46afbab00733d81788b64be430ca1b93011bb9388527958e26cc31832de5/sentencepiece-0.2.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:6356d0986b8b8dc351b943150fcd81a1c6e6e4d439772e8584c64230e58ca987", size = 1942560, upload-time = "2025-08-12T06:59:25.82Z" }, - { url = "https://files.pythonhosted.org/packages/fa/79/7c01b8ef98a0567e9d84a4e7a910f8e7074fcbf398a5cd76f93f4b9316f9/sentencepiece-0.2.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:8f8ba89a3acb3dc1ae90f65ec1894b0b9596fdb98ab003ff38e058f898b39bc7", size = 1325385, upload-time = "2025-08-12T06:59:27.722Z" }, - { url = "https://files.pythonhosted.org/packages/bb/88/2b41e07bd24f33dcf2f18ec3b74247aa4af3526bad8907b8727ea3caba03/sentencepiece-0.2.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:02593eca45440ef39247cee8c47322a34bdcc1d8ae83ad28ba5a899a2cf8d79a", size = 1253319, upload-time = "2025-08-12T06:59:29.306Z" }, - { url = "https://files.pythonhosted.org/packages/a0/54/38a1af0c6210a3c6f95aa46d23d6640636d020fba7135cd0d9a84ada05a7/sentencepiece-0.2.1-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:0a0d15781a171d188b661ae4bde1d998c303f6bd8621498c50c671bd45a4798e", size = 1316162, upload-time = "2025-08-12T06:59:30.914Z" }, - { url = "https://files.pythonhosted.org/packages/ef/66/fb191403ade791ad2c3c1e72fe8413e63781b08cfa3aa4c9dfc536d6e795/sentencepiece-0.2.1-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:4f5a3e0d9f445ed9d66c0fec47d4b23d12cfc858b407a03c194c1b26c2ac2a63", size = 1387785, upload-time = "2025-08-12T06:59:32.491Z" }, - { url = "https://files.pythonhosted.org/packages/a9/2d/3bd9b08e70067b2124518b308db6a84a4f8901cc8a4317e2e4288cdd9b4d/sentencepiece-0.2.1-cp311-cp311-win32.whl", hash = "sha256:6d297a1748d429ba8534eebe5535448d78b8acc32d00a29b49acf28102eeb094", size = 999555, upload-time = "2025-08-12T06:59:34.475Z" }, - { url = "https://files.pythonhosted.org/packages/32/b8/f709977f5fda195ae1ea24f24e7c581163b6f142b1005bc3d0bbfe4d7082/sentencepiece-0.2.1-cp311-cp311-win_amd64.whl", hash = "sha256:82d9ead6591015f009cb1be1cb1c015d5e6f04046dbb8c9588b931e869a29728", size = 1054617, upload-time = "2025-08-12T06:59:36.461Z" }, - { url = "https://files.pythonhosted.org/packages/7a/40/a1fc23be23067da0f703709797b464e8a30a1c78cc8a687120cd58d4d509/sentencepiece-0.2.1-cp311-cp311-win_arm64.whl", hash = "sha256:39f8651bd10974eafb9834ce30d9bcf5b73e1fc798a7f7d2528f9820ca86e119", size = 1033877, upload-time = "2025-08-12T06:59:38.391Z" }, - { url = "https://files.pythonhosted.org/packages/4a/be/32ce495aa1d0e0c323dcb1ba87096037358edee539cac5baf8755a6bd396/sentencepiece-0.2.1-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:57cae326c8727de58c85977b175af132a7138d84c764635d7e71bbee7e774133", size = 1943152, upload-time = "2025-08-12T06:59:40.048Z" }, - { url = "https://files.pythonhosted.org/packages/88/7e/ff23008899a58678e98c6ff592bf4d368eee5a71af96d0df6b38a039dd4f/sentencepiece-0.2.1-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:56dd39a3c4d6493db3cdca7e8cc68c6b633f0d4195495cbadfcf5af8a22d05a6", size = 1325651, upload-time = "2025-08-12T06:59:41.536Z" }, - { url = "https://files.pythonhosted.org/packages/19/84/42eb3ce4796777a1b5d3699dfd4dca85113e68b637f194a6c8d786f16a04/sentencepiece-0.2.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:d9381351182ff9888cc80e41c632e7e274b106f450de33d67a9e8f6043da6f76", size = 1253645, upload-time = "2025-08-12T06:59:42.903Z" }, - { url = "https://files.pythonhosted.org/packages/89/fa/d3d5ebcba3cb9e6d3775a096251860c41a6bc53a1b9461151df83fe93255/sentencepiece-0.2.1-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:99f955df238021bf11f0fc37cdb54fd5e5b5f7fd30ecc3d93fb48b6815437167", size = 1316273, upload-time = "2025-08-12T06:59:44.476Z" }, - { url = "https://files.pythonhosted.org/packages/04/88/14f2f4a2b922d8b39be45bf63d79e6cd3a9b2f248b2fcb98a69b12af12f5/sentencepiece-0.2.1-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:0cdfecef430d985f1c2bcbfff3defd1d95dae876fbd0173376012d2d7d24044b", size = 1387881, upload-time = "2025-08-12T06:59:46.09Z" }, - { url = "https://files.pythonhosted.org/packages/fd/b8/903e5ccb77b4ef140605d5d71b4f9e0ad95d456d6184688073ed11712809/sentencepiece-0.2.1-cp312-cp312-win32.whl", hash = "sha256:a483fd29a34c3e34c39ac5556b0a90942bec253d260235729e50976f5dba1068", size = 999540, upload-time = "2025-08-12T06:59:48.023Z" }, - { url = "https://files.pythonhosted.org/packages/2d/81/92df5673c067148c2545b1bfe49adfd775bcc3a169a047f5a0e6575ddaca/sentencepiece-0.2.1-cp312-cp312-win_amd64.whl", hash = "sha256:4cdc7c36234fda305e85c32949c5211faaf8dd886096c7cea289ddc12a2d02de", size = 1054671, upload-time = "2025-08-12T06:59:49.895Z" }, - { url = "https://files.pythonhosted.org/packages/fe/02/c5e3bc518655d714622bec87d83db9cdba1cd0619a4a04e2109751c4f47f/sentencepiece-0.2.1-cp312-cp312-win_arm64.whl", hash = "sha256:daeb5e9e9fcad012324807856113708614d534f596d5008638eb9b40112cd9e4", size = 1033923, upload-time = "2025-08-12T06:59:51.952Z" }, - { url = "https://files.pythonhosted.org/packages/ba/4a/85fbe1706d4d04a7e826b53f327c4b80f849cf1c7b7c5e31a20a97d8f28b/sentencepiece-0.2.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:dcd8161eee7b41aae57ded06272905dbd680a0a04b91edd0f64790c796b2f706", size = 1943150, upload-time = "2025-08-12T06:59:53.588Z" }, - { url = "https://files.pythonhosted.org/packages/c2/83/4cfb393e287509fc2155480b9d184706ef8d9fa8cbf5505d02a5792bf220/sentencepiece-0.2.1-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:c6c8f42949f419ff8c7e9960dbadcfbc982d7b5efc2f6748210d3dd53a7de062", size = 1325651, upload-time = "2025-08-12T06:59:55.073Z" }, - { url = "https://files.pythonhosted.org/packages/8d/de/5a007fb53b1ab0aafc69d11a5a3dd72a289d5a3e78dcf2c3a3d9b14ffe93/sentencepiece-0.2.1-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:097f3394e99456e9e4efba1737c3749d7e23563dd1588ce71a3d007f25475fff", size = 1253641, upload-time = "2025-08-12T06:59:56.562Z" }, - { url = "https://files.pythonhosted.org/packages/2c/d2/f552be5928105588f4f4d66ee37dd4c61460d8097e62d0e2e0eec41bc61d/sentencepiece-0.2.1-cp313-cp313-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:d7b670879c370d350557edabadbad1f6561a9e6968126e6debca4029e5547820", size = 1316271, upload-time = "2025-08-12T06:59:58.109Z" }, - { url = "https://files.pythonhosted.org/packages/96/df/0cfe748ace5485be740fed9476dee7877f109da32ed0d280312c94ec259f/sentencepiece-0.2.1-cp313-cp313-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:c7f0fd2f2693309e6628aeeb2e2faf6edd221134dfccac3308ca0de01f8dab47", size = 1387882, upload-time = "2025-08-12T07:00:00.701Z" }, - { url = "https://files.pythonhosted.org/packages/ac/dd/f7774d42a881ced8e1739f393ab1e82ece39fc9abd4779e28050c2e975b5/sentencepiece-0.2.1-cp313-cp313-win32.whl", hash = "sha256:92b3816aa2339355fda2c8c4e021a5de92180b00aaccaf5e2808972e77a4b22f", size = 999541, upload-time = "2025-08-12T07:00:02.709Z" }, - { url = "https://files.pythonhosted.org/packages/dd/e9/932b9eae6fd7019548321eee1ab8d5e3b3d1294df9d9a0c9ac517c7b636d/sentencepiece-0.2.1-cp313-cp313-win_amd64.whl", hash = "sha256:10ed3dab2044c47f7a2e7b4969b0c430420cdd45735d78c8f853191fa0e3148b", size = 1054669, upload-time = "2025-08-12T07:00:04.915Z" }, - { url = "https://files.pythonhosted.org/packages/c9/3a/76488a00ea7d6931689cda28726a1447d66bf1a4837943489314593d5596/sentencepiece-0.2.1-cp313-cp313-win_arm64.whl", hash = "sha256:ac650534e2251083c5f75dde4ff28896ce7c8904133dc8fef42780f4d5588fcd", size = 1033922, upload-time = "2025-08-12T07:00:06.496Z" }, - { url = "https://files.pythonhosted.org/packages/4a/b6/08fe2ce819e02ccb0296f4843e3f195764ce9829cbda61b7513f29b95718/sentencepiece-0.2.1-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:8dd4b477a7b069648d19363aad0cab9bad2f4e83b2d179be668efa672500dc94", size = 1946052, upload-time = "2025-08-12T07:00:08.136Z" }, - { url = "https://files.pythonhosted.org/packages/ab/d9/1ea0e740591ff4c6fc2b6eb1d7510d02f3fb885093f19b2f3abd1363b402/sentencepiece-0.2.1-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:0c0f672da370cc490e4c59d89e12289778310a0e71d176c541e4834759e1ae07", size = 1327408, upload-time = "2025-08-12T07:00:09.572Z" }, - { url = "https://files.pythonhosted.org/packages/99/7e/1fb26e8a21613f6200e1ab88824d5d203714162cf2883248b517deb500b7/sentencepiece-0.2.1-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:ad8493bea8432dae8d6830365352350f3b4144415a1d09c4c8cb8d30cf3b6c3c", size = 1254857, upload-time = "2025-08-12T07:00:11.021Z" }, - { url = "https://files.pythonhosted.org/packages/bc/85/c72fd1f3c7a6010544d6ae07f8ddb38b5e2a7e33bd4318f87266c0bbafbf/sentencepiece-0.2.1-cp313-cp313t-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:b81a24733726e3678d2db63619acc5a8dccd074f7aa7a54ecd5ca33ca6d2d596", size = 1315722, upload-time = "2025-08-12T07:00:12.989Z" }, - { url = "https://files.pythonhosted.org/packages/4a/e8/661e5bd82a8aa641fd6c1020bd0e890ef73230a2b7215ddf9c8cd8e941c2/sentencepiece-0.2.1-cp313-cp313t-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:0a81799d0a68d618e89063fb423c3001a034c893069135ffe51fee439ae474d6", size = 1387452, upload-time = "2025-08-12T07:00:15.088Z" }, - { url = "https://files.pythonhosted.org/packages/99/5e/ae66c361023a470afcbc1fbb8da722c72ea678a2fcd9a18f1a12598c7501/sentencepiece-0.2.1-cp313-cp313t-win32.whl", hash = "sha256:89a3ea015517c42c0341d0d962f3e6aaf2cf10d71b1932d475c44ba48d00aa2b", size = 1002501, upload-time = "2025-08-12T07:00:16.966Z" }, - { url = "https://files.pythonhosted.org/packages/c1/03/d332828c4ff764e16c1b56c2c8f9a33488bbe796b53fb6b9c4205ddbf167/sentencepiece-0.2.1-cp313-cp313t-win_amd64.whl", hash = "sha256:33f068c9382dc2e7c228eedfd8163b52baa86bb92f50d0488bf2b7da7032e484", size = 1057555, upload-time = "2025-08-12T07:00:18.573Z" }, - { url = "https://files.pythonhosted.org/packages/88/14/5aee0bf0864df9bd82bd59e7711362908e4935e3f9cdc1f57246b5d5c9b9/sentencepiece-0.2.1-cp313-cp313t-win_arm64.whl", hash = "sha256:b3616ad246f360e52c85781e47682d31abfb6554c779e42b65333d4b5f44ecc0", size = 1036042, upload-time = "2025-08-12T07:00:20.209Z" }, - { url = "https://files.pythonhosted.org/packages/24/9c/89eb8b2052f720a612478baf11c8227dcf1dc28cd4ea4c0c19506b5af2a2/sentencepiece-0.2.1-cp314-cp314-macosx_10_13_universal2.whl", hash = "sha256:5d0350b686c320068702116276cfb26c066dc7e65cfef173980b11bb4d606719", size = 1943147, upload-time = "2025-08-12T07:00:21.809Z" }, - { url = "https://files.pythonhosted.org/packages/82/0b/a1432bc87f97c2ace36386ca23e8bd3b91fb40581b5e6148d24b24186419/sentencepiece-0.2.1-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:c7f54a31cde6fa5cb030370566f68152a742f433f8d2be458463d06c208aef33", size = 1325624, upload-time = "2025-08-12T07:00:23.289Z" }, - { url = "https://files.pythonhosted.org/packages/ea/99/bbe054ebb5a5039457c590e0a4156ed073fb0fe9ce4f7523404dd5b37463/sentencepiece-0.2.1-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:c83b85ab2d6576607f31df77ff86f28182be4a8de6d175d2c33ca609925f5da1", size = 1253670, upload-time = "2025-08-12T07:00:24.69Z" }, - { url = "https://files.pythonhosted.org/packages/19/ad/d5c7075f701bd97971d7c2ac2904f227566f51ef0838dfbdfdccb58cd212/sentencepiece-0.2.1-cp314-cp314-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:1855f57db07b51fb51ed6c9c452f570624d2b169b36f0f79ef71a6e6c618cd8b", size = 1316247, upload-time = "2025-08-12T07:00:26.435Z" }, - { url = "https://files.pythonhosted.org/packages/fb/03/35fbe5f3d9a7435eebd0b473e09584bd3cc354ce118b960445b060d33781/sentencepiece-0.2.1-cp314-cp314-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:01e6912125cb45d3792f530a4d38f8e21bf884d6b4d4ade1b2de5cf7a8d2a52b", size = 1387894, upload-time = "2025-08-12T07:00:28.339Z" }, - { url = "https://files.pythonhosted.org/packages/dc/aa/956ef729aafb6c8f9c443104c9636489093bb5c61d6b90fc27aa1a865574/sentencepiece-0.2.1-cp314-cp314-win32.whl", hash = "sha256:c415c9de1447e0a74ae3fdb2e52f967cb544113a3a5ce3a194df185cbc1f962f", size = 1096698, upload-time = "2025-08-12T07:00:29.764Z" }, - { url = "https://files.pythonhosted.org/packages/b8/cb/fe400d8836952cc535c81a0ce47dc6875160e5fedb71d2d9ff0e9894c2a6/sentencepiece-0.2.1-cp314-cp314-win_amd64.whl", hash = "sha256:881b2e44b14fc19feade3cbed314be37de639fc415375cefaa5bc81a4be137fd", size = 1155115, upload-time = "2025-08-12T07:00:32.865Z" }, - { url = "https://files.pythonhosted.org/packages/32/89/047921cf70f36c7b6b6390876b2399b3633ab73b8d0cb857e5a964238941/sentencepiece-0.2.1-cp314-cp314-win_arm64.whl", hash = "sha256:2005242a16d2dc3ac5fe18aa7667549134d37854823df4c4db244752453b78a8", size = 1133890, upload-time = "2025-08-12T07:00:34.763Z" }, - { url = "https://files.pythonhosted.org/packages/a1/11/5b414b9fae6255b5fb1e22e2ed3dc3a72d3a694e5703910e640ac78346bb/sentencepiece-0.2.1-cp314-cp314t-macosx_10_13_universal2.whl", hash = "sha256:a19adcec27c524cb7069a1c741060add95f942d1cbf7ad0d104dffa0a7d28a2b", size = 1946081, upload-time = "2025-08-12T07:00:36.97Z" }, - { url = "https://files.pythonhosted.org/packages/77/eb/7a5682bb25824db8545f8e5662e7f3e32d72a508fdce086029d89695106b/sentencepiece-0.2.1-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:e37e4b4c4a11662b5db521def4e44d4d30ae69a1743241412a93ae40fdcab4bb", size = 1327406, upload-time = "2025-08-12T07:00:38.669Z" }, - { url = "https://files.pythonhosted.org/packages/03/b0/811dae8fb9f2784e138785d481469788f2e0d0c109c5737372454415f55f/sentencepiece-0.2.1-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:477c81505db072b3ab627e7eab972ea1025331bd3a92bacbf798df2b75ea86ec", size = 1254846, upload-time = "2025-08-12T07:00:40.611Z" }, - { url = "https://files.pythonhosted.org/packages/ef/23/195b2e7ec85ebb6a547969f60b723c7aca5a75800ece6cc3f41da872d14e/sentencepiece-0.2.1-cp314-cp314t-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:010f025a544ef770bb395091d57cb94deb9652d8972e0d09f71d85d5a0816c8c", size = 1315721, upload-time = "2025-08-12T07:00:42.914Z" }, - { url = "https://files.pythonhosted.org/packages/7e/aa/553dbe4178b5f23eb28e59393dddd64186178b56b81d9b8d5c3ff1c28395/sentencepiece-0.2.1-cp314-cp314t-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:733e59ff1794d26db706cd41fc2d7ca5f6c64a820709cb801dc0ea31780d64ab", size = 1387458, upload-time = "2025-08-12T07:00:44.56Z" }, - { url = "https://files.pythonhosted.org/packages/66/7c/08ff0012507297a4dd74a5420fdc0eb9e3e80f4e88cab1538d7f28db303d/sentencepiece-0.2.1-cp314-cp314t-win32.whl", hash = "sha256:d3233770f78e637dc8b1fda2cd7c3b99ec77e7505041934188a4e7fe751de3b0", size = 1099765, upload-time = "2025-08-12T07:00:46.058Z" }, - { url = "https://files.pythonhosted.org/packages/91/d5/2a69e1ce15881beb9ddfc7e3f998322f5cedcd5e4d244cb74dade9441663/sentencepiece-0.2.1-cp314-cp314t-win_amd64.whl", hash = "sha256:5e4366c97b68218fd30ea72d70c525e6e78a6c0a88650f57ac4c43c63b234a9d", size = 1157807, upload-time = "2025-08-12T07:00:47.673Z" }, - { url = "https://files.pythonhosted.org/packages/f3/16/54f611fcfc2d1c46cbe3ec4169780b2cfa7cf63708ef2b71611136db7513/sentencepiece-0.2.1-cp314-cp314t-win_arm64.whl", hash = "sha256:105e36e75cbac1292642045458e8da677b2342dcd33df503e640f0b457cb6751", size = 1136264, upload-time = "2025-08-12T07:00:49.485Z" }, -] - -[[package]] -name = "sentry-sdk" -version = "2.42.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "certifi" }, - { name = "urllib3" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/31/04/ec8c1dd9250847303d98516e917978cb1c7083024770d86d657d2ccb5a70/sentry_sdk-2.42.1.tar.gz", hash = "sha256:8598cc6edcfe74cb8074ba6a7c15338cdee93d63d3eb9b9943b4b568354ad5b6", size = 354839, upload-time = "2025-10-20T12:38:40.45Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/0f/cb/c21b96ff379923310b4fb2c06e8d560d801e24aeb300faa72a04776868fc/sentry_sdk-2.42.1-py2.py3-none-any.whl", hash = "sha256:f8716b50c927d3beb41bc88439dc6bcd872237b596df5b14613e2ade104aee02", size = 380952, upload-time = "2025-10-20T12:38:38.88Z" }, -] - -[[package]] -name = "setuptools" -version = "80.9.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/18/5d/3bf57dcd21979b887f014ea83c24ae194cfcd12b9e0fda66b957c69d1fca/setuptools-80.9.0.tar.gz", hash = "sha256:f36b47402ecde768dbfafc46e8e4207b4360c654f1f3bb84475f0a28628fb19c", size = 1319958, upload-time = "2025-05-27T00:56:51.443Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/a3/dc/17031897dae0efacfea57dfd3a82fdd2a2aeb58e0ff71b77b87e44edc772/setuptools-80.9.0-py3-none-any.whl", hash = "sha256:062d34222ad13e0cc312a4c02d73f059e86a4acbfbdea8f8f76b28c99f306922", size = 1201486, upload-time = "2025-05-27T00:56:49.664Z" }, -] - -[[package]] -name = "shellingham" -version = "1.5.4" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/58/15/8b3609fd3830ef7b27b655beb4b4e9c62313a4e8da8c676e142cc210d58e/shellingham-1.5.4.tar.gz", hash = "sha256:8dbca0739d487e5bd35ab3ca4b36e11c4078f3a234bfce294b0a0291363404de", size = 10310, upload-time = "2023-10-24T04:13:40.426Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e0/f9/0595336914c5619e5f28a1fb793285925a8cd4b432c9da0a987836c7f822/shellingham-1.5.4-py2.py3-none-any.whl", hash = "sha256:7ecfff8f2fd72616f7481040475a65b2bf8af90a56c89140852d1120324e8686", size = 9755, upload-time = "2023-10-24T04:13:38.866Z" }, -] - -[[package]] -name = "simplejson" -version = "3.20.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/41/f4/a1ac5ed32f7ed9a088d62a59d410d4c204b3b3815722e2ccfb491fa8251b/simplejson-3.20.2.tar.gz", hash = "sha256:5fe7a6ce14d1c300d80d08695b7f7e633de6cd72c80644021874d985b3393649", size = 85784, upload-time = "2025-09-26T16:29:36.64Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/78/09/2bf3761de89ea2d91bdce6cf107dcd858892d0adc22c995684878826cc6b/simplejson-3.20.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:6d7286dc11af60a2f76eafb0c2acde2d997e87890e37e24590bb513bec9f1bc5", size = 94039, upload-time = "2025-09-26T16:27:29.283Z" }, - { url = "https://files.pythonhosted.org/packages/0f/33/c3277db8931f0ae9e54b9292668863365672d90fb0f632f4cf9829cb7d68/simplejson-3.20.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:c01379b4861c3b0aa40cba8d44f2b448f5743999aa68aaa5d3ef7049d4a28a2d", size = 75894, upload-time = "2025-09-26T16:27:30.378Z" }, - { url = "https://files.pythonhosted.org/packages/fa/ea/ae47b04d03c7c8a7b7b1a8b39a6e27c3bd424e52f4988d70aca6293ff5e5/simplejson-3.20.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:a16b029ca25645b3bc44e84a4f941efa51bf93c180b31bd704ce6349d1fc77c1", size = 76116, upload-time = "2025-09-26T16:27:31.42Z" }, - { url = "https://files.pythonhosted.org/packages/4b/42/6c9af551e5a8d0f171d6dce3d9d1260068927f7b80f1f09834e07887c8c4/simplejson-3.20.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3e22a5fb7b1437ffb057e02e1936a3bfb19084ae9d221ec5e9f4cf85f69946b6", size = 138827, upload-time = "2025-09-26T16:27:32.486Z" }, - { url = "https://files.pythonhosted.org/packages/2b/22/5e268bbcbe9f75577491e406ec0a5536f5b2fa91a3b52031fea51cd83e1d/simplejson-3.20.2-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d8b6ff02fc7b8555c906c24735908854819b0d0dc85883d453e23ca4c0445d01", size = 146772, upload-time = "2025-09-26T16:27:34.036Z" }, - { url = "https://files.pythonhosted.org/packages/71/b4/800f14728e2ad666f420dfdb57697ca128aeae7f991b35759c09356b829a/simplejson-3.20.2-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2bfc1c396ad972ba4431130b42307b2321dba14d988580c1ac421ec6a6b7cee3", size = 134497, upload-time = "2025-09-26T16:27:35.211Z" }, - { url = "https://files.pythonhosted.org/packages/c1/b9/c54eef4226c6ac8e9a389bbe5b21fef116768f97a2dc1a683c716ffe66ef/simplejson-3.20.2-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3a97249ee1aee005d891b5a211faf58092a309f3d9d440bc269043b08f662eda", size = 138172, upload-time = "2025-09-26T16:27:36.44Z" }, - { url = "https://files.pythonhosted.org/packages/09/36/4e282f5211b34620f1b2e4b51d9ddaab5af82219b9b7b78360a33f7e5387/simplejson-3.20.2-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:f1036be00b5edaddbddbb89c0f80ed229714a941cfd21e51386dc69c237201c2", size = 140272, upload-time = "2025-09-26T16:27:37.605Z" }, - { url = "https://files.pythonhosted.org/packages/aa/b0/94ad2cf32f477c449e1f63c863d8a513e2408d651c4e58fe4b6a7434e168/simplejson-3.20.2-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:5d6f5bacb8cdee64946b45f2680afa3f54cd38e62471ceda89f777693aeca4e4", size = 140468, upload-time = "2025-09-26T16:27:39.015Z" }, - { url = "https://files.pythonhosted.org/packages/e5/46/827731e4163be3f987cb8ee90f5d444161db8f540b5e735355faa098d9bc/simplejson-3.20.2-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:8db6841fb796ec5af632f677abf21c6425a1ebea0d9ac3ef1a340b8dc69f52b8", size = 148700, upload-time = "2025-09-26T16:27:40.171Z" }, - { url = "https://files.pythonhosted.org/packages/c7/28/c32121064b1ec2fb7b5d872d9a1abda62df064d35e0160eddfa907118343/simplejson-3.20.2-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:c0a341f7cc2aae82ee2b31f8a827fd2e51d09626f8b3accc441a6907c88aedb7", size = 141323, upload-time = "2025-09-26T16:27:41.324Z" }, - { url = "https://files.pythonhosted.org/packages/46/b6/c897c54326fe86dd12d101981171a49361949f4728294f418c3b86a1af77/simplejson-3.20.2-cp310-cp310-win32.whl", hash = "sha256:27f9c01a6bc581d32ab026f515226864576da05ef322d7fc141cd8a15a95ce53", size = 74377, upload-time = "2025-09-26T16:27:42.533Z" }, - { url = "https://files.pythonhosted.org/packages/ad/87/a6e03d4d80cca99c1fee4e960f3440e2f21be9470e537970f960ca5547f1/simplejson-3.20.2-cp310-cp310-win_amd64.whl", hash = "sha256:c0a63ec98a4547ff366871bf832a7367ee43d047bcec0b07b66c794e2137b476", size = 76081, upload-time = "2025-09-26T16:27:43.945Z" }, - { url = "https://files.pythonhosted.org/packages/b9/3e/96898c6c66d9dca3f9bd14d7487bf783b4acc77471b42f979babbb68d4ca/simplejson-3.20.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:06190b33cd7849efc413a5738d3da00b90e4a5382fd3d584c841ac20fb828c6f", size = 92633, upload-time = "2025-09-26T16:27:45.028Z" }, - { url = "https://files.pythonhosted.org/packages/6b/a2/cd2e10b880368305d89dd540685b8bdcc136df2b3c76b5ddd72596254539/simplejson-3.20.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:4ad4eac7d858947a30d2c404e61f16b84d16be79eb6fb316341885bdde864fa8", size = 75309, upload-time = "2025-09-26T16:27:46.142Z" }, - { url = "https://files.pythonhosted.org/packages/5d/02/290f7282eaa6ebe945d35c47e6534348af97472446951dce0d144e013f4c/simplejson-3.20.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:b392e11c6165d4a0fde41754a0e13e1d88a5ad782b245a973dd4b2bdb4e5076a", size = 75308, upload-time = "2025-09-26T16:27:47.542Z" }, - { url = "https://files.pythonhosted.org/packages/43/91/43695f17b69e70c4b0b03247aa47fb3989d338a70c4b726bbdc2da184160/simplejson-3.20.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:51eccc4e353eed3c50e0ea2326173acdc05e58f0c110405920b989d481287e51", size = 143733, upload-time = "2025-09-26T16:27:48.673Z" }, - { url = "https://files.pythonhosted.org/packages/9b/4b/fdcaf444ac1c3cbf1c52bf00320c499e1cf05d373a58a3731ae627ba5e2d/simplejson-3.20.2-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:306e83d7c331ad833d2d43c76a67f476c4b80c4a13334f6e34bb110e6105b3bd", size = 153397, upload-time = "2025-09-26T16:27:49.89Z" }, - { url = "https://files.pythonhosted.org/packages/c4/83/21550f81a50cd03599f048a2d588ffb7f4c4d8064ae091511e8e5848eeaa/simplejson-3.20.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f820a6ac2ef0bc338ae4963f4f82ccebdb0824fe9caf6d660670c578abe01013", size = 141654, upload-time = "2025-09-26T16:27:51.168Z" }, - { url = "https://files.pythonhosted.org/packages/cf/54/d76c0e72ad02450a3e723b65b04f49001d0e73218ef6a220b158a64639cb/simplejson-3.20.2-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:21e7a066528a5451433eb3418184f05682ea0493d14e9aae690499b7e1eb6b81", size = 144913, upload-time = "2025-09-26T16:27:52.331Z" }, - { url = "https://files.pythonhosted.org/packages/3f/49/976f59b42a6956d4aeb075ada16ad64448a985704bc69cd427a2245ce835/simplejson-3.20.2-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:438680ddde57ea87161a4824e8de04387b328ad51cfdf1eaf723623a3014b7aa", size = 144568, upload-time = "2025-09-26T16:27:53.41Z" }, - { url = "https://files.pythonhosted.org/packages/60/c7/30bae30424ace8cd791ca660fed454ed9479233810fe25c3f3eab3d9dc7b/simplejson-3.20.2-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:cac78470ae68b8d8c41b6fca97f5bf8e024ca80d5878c7724e024540f5cdaadb", size = 146239, upload-time = "2025-09-26T16:27:54.502Z" }, - { url = "https://files.pythonhosted.org/packages/79/3e/7f3b7b97351c53746e7b996fcd106986cda1954ab556fd665314756618d2/simplejson-3.20.2-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:7524e19c2da5ef281860a3d74668050c6986be15c9dd99966034ba47c68828c2", size = 154497, upload-time = "2025-09-26T16:27:55.885Z" }, - { url = "https://files.pythonhosted.org/packages/1d/48/7241daa91d0bf19126589f6a8dcbe8287f4ed3d734e76fd4a092708947be/simplejson-3.20.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:0e9b6d845a603b2eef3394eb5e21edb8626cd9ae9a8361d14e267eb969dbe413", size = 148069, upload-time = "2025-09-26T16:27:57.039Z" }, - { url = "https://files.pythonhosted.org/packages/e6/f4/ef18d2962fe53e7be5123d3784e623859eec7ed97060c9c8536c69d34836/simplejson-3.20.2-cp311-cp311-win32.whl", hash = "sha256:47d8927e5ac927fdd34c99cc617938abb3624b06ff86e8e219740a86507eb961", size = 74158, upload-time = "2025-09-26T16:27:58.265Z" }, - { url = "https://files.pythonhosted.org/packages/35/fd/3d1158ecdc573fdad81bf3cc78df04522bf3959758bba6597ba4c956c74d/simplejson-3.20.2-cp311-cp311-win_amd64.whl", hash = "sha256:ba4edf3be8e97e4713d06c3d302cba1ff5c49d16e9d24c209884ac1b8455520c", size = 75911, upload-time = "2025-09-26T16:27:59.292Z" }, - { url = "https://files.pythonhosted.org/packages/9d/9e/1a91e7614db0416885eab4136d49b7303de20528860ffdd798ce04d054db/simplejson-3.20.2-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:4376d5acae0d1e91e78baeba4ee3cf22fbf6509d81539d01b94e0951d28ec2b6", size = 93523, upload-time = "2025-09-26T16:28:00.356Z" }, - { url = "https://files.pythonhosted.org/packages/5e/2b/d2413f5218fc25608739e3d63fe321dfa85c5f097aa6648dbe72513a5f12/simplejson-3.20.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:f8fe6de652fcddae6dec8f281cc1e77e4e8f3575249e1800090aab48f73b4259", size = 75844, upload-time = "2025-09-26T16:28:01.756Z" }, - { url = "https://files.pythonhosted.org/packages/ad/f1/efd09efcc1e26629e120fef59be059ce7841cc6e1f949a4db94f1ae8a918/simplejson-3.20.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:25ca2663d99328d51e5a138f22018e54c9162438d831e26cfc3458688616eca8", size = 75655, upload-time = "2025-09-26T16:28:03.037Z" }, - { url = "https://files.pythonhosted.org/packages/97/ec/5c6db08e42f380f005d03944be1af1a6bd501cc641175429a1cbe7fb23b9/simplejson-3.20.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:12a6b2816b6cab6c3fd273d43b1948bc9acf708272074c8858f579c394f4cbc9", size = 150335, upload-time = "2025-09-26T16:28:05.027Z" }, - { url = "https://files.pythonhosted.org/packages/81/f5/808a907485876a9242ec67054da7cbebefe0ee1522ef1c0be3bfc90f96f6/simplejson-3.20.2-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ac20dc3fcdfc7b8415bfc3d7d51beccd8695c3f4acb7f74e3a3b538e76672868", size = 158519, upload-time = "2025-09-26T16:28:06.5Z" }, - { url = "https://files.pythonhosted.org/packages/66/af/b8a158246834645ea890c36136584b0cc1c0e4b83a73b11ebd9c2a12877c/simplejson-3.20.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:db0804d04564e70862ef807f3e1ace2cc212ef0e22deb1b3d6f80c45e5882c6b", size = 148571, upload-time = "2025-09-26T16:28:07.715Z" }, - { url = "https://files.pythonhosted.org/packages/20/05/ed9b2571bbf38f1a2425391f18e3ac11cb1e91482c22d644a1640dea9da7/simplejson-3.20.2-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:979ce23ea663895ae39106946ef3d78527822d918a136dbc77b9e2b7f006237e", size = 152367, upload-time = "2025-09-26T16:28:08.921Z" }, - { url = "https://files.pythonhosted.org/packages/81/2c/bad68b05dd43e93f77994b920505634d31ed239418eb6a88997d06599983/simplejson-3.20.2-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:a2ba921b047bb029805726800819675249ef25d2f65fd0edb90639c5b1c3033c", size = 150205, upload-time = "2025-09-26T16:28:10.086Z" }, - { url = "https://files.pythonhosted.org/packages/69/46/90c7fc878061adafcf298ce60cecdee17a027486e9dce507e87396d68255/simplejson-3.20.2-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:12d3d4dc33770069b780cc8f5abef909fe4a3f071f18f55f6d896a370fd0f970", size = 151823, upload-time = "2025-09-26T16:28:11.329Z" }, - { url = "https://files.pythonhosted.org/packages/ab/27/b85b03349f825ae0f5d4f780cdde0bbccd4f06c3d8433f6a3882df887481/simplejson-3.20.2-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:aff032a59a201b3683a34be1169e71ddda683d9c3b43b261599c12055349251e", size = 158997, upload-time = "2025-09-26T16:28:12.917Z" }, - { url = "https://files.pythonhosted.org/packages/71/ad/d7f3c331fb930638420ac6d236db68e9f4c28dab9c03164c3cd0e7967e15/simplejson-3.20.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:30e590e133b06773f0dc9c3f82e567463df40598b660b5adf53eb1c488202544", size = 154367, upload-time = "2025-09-26T16:28:14.393Z" }, - { url = "https://files.pythonhosted.org/packages/f0/46/5c67324addd40fa2966f6e886cacbbe0407c03a500db94fb8bb40333fcdf/simplejson-3.20.2-cp312-cp312-win32.whl", hash = "sha256:8d7be7c99939cc58e7c5bcf6bb52a842a58e6c65e1e9cdd2a94b697b24cddb54", size = 74285, upload-time = "2025-09-26T16:28:15.931Z" }, - { url = "https://files.pythonhosted.org/packages/fa/c9/5cc2189f4acd3a6e30ffa9775bf09b354302dbebab713ca914d7134d0f29/simplejson-3.20.2-cp312-cp312-win_amd64.whl", hash = "sha256:2c0b4a67e75b945489052af6590e7dca0ed473ead5d0f3aad61fa584afe814ab", size = 75969, upload-time = "2025-09-26T16:28:17.017Z" }, - { url = "https://files.pythonhosted.org/packages/5e/9e/f326d43f6bf47f4e7704a4426c36e044c6bedfd24e072fb8e27589a373a5/simplejson-3.20.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:90d311ba8fcd733a3677e0be21804827226a57144130ba01c3c6a325e887dd86", size = 93530, upload-time = "2025-09-26T16:28:18.07Z" }, - { url = "https://files.pythonhosted.org/packages/35/28/5a4b8f3483fbfb68f3f460bc002cef3a5735ef30950e7c4adce9c8da15c7/simplejson-3.20.2-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:feed6806f614bdf7f5cb6d0123cb0c1c5f40407ef103aa935cffaa694e2e0c74", size = 75846, upload-time = "2025-09-26T16:28:19.12Z" }, - { url = "https://files.pythonhosted.org/packages/7a/4d/30dfef83b9ac48afae1cf1ab19c2867e27b8d22b5d9f8ca7ce5a0a157d8c/simplejson-3.20.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:6b1d8d7c3e1a205c49e1aee6ba907dcb8ccea83651e6c3e2cb2062f1e52b0726", size = 75661, upload-time = "2025-09-26T16:28:20.219Z" }, - { url = "https://files.pythonhosted.org/packages/09/1d/171009bd35c7099d72ef6afd4bb13527bab469965c968a17d69a203d62a6/simplejson-3.20.2-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:552f55745044a24c3cb7ec67e54234be56d5d6d0e054f2e4cf4fb3e297429be5", size = 150579, upload-time = "2025-09-26T16:28:21.337Z" }, - { url = "https://files.pythonhosted.org/packages/61/ae/229bbcf90a702adc6bfa476e9f0a37e21d8c58e1059043038797cbe75b8c/simplejson-3.20.2-cp313-cp313-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c2da97ac65165d66b0570c9e545786f0ac7b5de5854d3711a16cacbcaa8c472d", size = 158797, upload-time = "2025-09-26T16:28:22.53Z" }, - { url = "https://files.pythonhosted.org/packages/90/c5/fefc0ac6b86b9108e302e0af1cf57518f46da0baedd60a12170791d56959/simplejson-3.20.2-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f59a12966daa356bf68927fca5a67bebac0033cd18b96de9c2d426cd11756cd0", size = 148851, upload-time = "2025-09-26T16:28:23.733Z" }, - { url = "https://files.pythonhosted.org/packages/43/f1/b392952200f3393bb06fbc4dd975fc63a6843261705839355560b7264eb2/simplejson-3.20.2-cp313-cp313-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:133ae2098a8e162c71da97cdab1f383afdd91373b7ff5fe65169b04167da976b", size = 152598, upload-time = "2025-09-26T16:28:24.962Z" }, - { url = "https://files.pythonhosted.org/packages/f4/b4/d6b7279e52a3e9c0fa8c032ce6164e593e8d9cf390698ee981ed0864291b/simplejson-3.20.2-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:7977640af7b7d5e6a852d26622057d428706a550f7f5083e7c4dd010a84d941f", size = 150498, upload-time = "2025-09-26T16:28:26.114Z" }, - { url = "https://files.pythonhosted.org/packages/62/22/ec2490dd859224326d10c2fac1353e8ad5c84121be4837a6dd6638ba4345/simplejson-3.20.2-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:b530ad6d55e71fa9e93e1109cf8182f427a6355848a4ffa09f69cc44e1512522", size = 152129, upload-time = "2025-09-26T16:28:27.552Z" }, - { url = "https://files.pythonhosted.org/packages/33/ce/b60214d013e93dd9e5a705dcb2b88b6c72bada442a97f79828332217f3eb/simplejson-3.20.2-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:bd96a7d981bf64f0e42345584768da4435c05b24fd3c364663f5fbc8fabf82e3", size = 159359, upload-time = "2025-09-26T16:28:28.667Z" }, - { url = "https://files.pythonhosted.org/packages/99/21/603709455827cdf5b9d83abe726343f542491ca8dc6a2528eb08de0cf034/simplejson-3.20.2-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:f28ee755fadb426ba2e464d6fcf25d3f152a05eb6b38e0b4f790352f5540c769", size = 154717, upload-time = "2025-09-26T16:28:30.288Z" }, - { url = "https://files.pythonhosted.org/packages/3c/f9/dc7f7a4bac16cf7eb55a4df03ad93190e11826d2a8950052949d3dfc11e2/simplejson-3.20.2-cp313-cp313-win32.whl", hash = "sha256:472785b52e48e3eed9b78b95e26a256f59bb1ee38339be3075dad799e2e1e661", size = 74289, upload-time = "2025-09-26T16:28:31.809Z" }, - { url = "https://files.pythonhosted.org/packages/87/10/d42ad61230436735c68af1120622b28a782877146a83d714da7b6a2a1c4e/simplejson-3.20.2-cp313-cp313-win_amd64.whl", hash = "sha256:a1a85013eb33e4820286139540accbe2c98d2da894b2dcefd280209db508e608", size = 75972, upload-time = "2025-09-26T16:28:32.883Z" }, - { url = "https://files.pythonhosted.org/packages/05/5b/83e1ff87eb60ca706972f7e02e15c0b33396e7bdbd080069a5d1b53cf0d8/simplejson-3.20.2-py3-none-any.whl", hash = "sha256:3b6bb7fb96efd673eac2e4235200bfffdc2353ad12c54117e1e4e2fc485ac017", size = 57309, upload-time = "2025-09-26T16:29:35.312Z" }, -] - -[[package]] -name = "six" -version = "1.17.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/94/e7/b2c673351809dca68a0e064b6af791aa332cf192da575fd474ed7d6f16a2/six-1.17.0.tar.gz", hash = "sha256:ff70335d468e7eb6ec65b95b99d3a2836546063f63acc5171de367e834932a81", size = 34031, upload-time = "2024-12-04T17:35:28.174Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/b7/ce/149a00dd41f10bc29e5921b496af8b574d8413afcd5e30dfa0ed46c2cc5e/six-1.17.0-py2.py3-none-any.whl", hash = "sha256:4721f391ed90541fddacab5acf947aa0d3dc7d27b2e1e8eda2be8970586c3274", size = 11050, upload-time = "2024-12-04T17:35:26.475Z" }, -] - -[[package]] -name = "smmap" -version = "5.0.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/44/cd/a040c4b3119bbe532e5b0732286f805445375489fceaec1f48306068ee3b/smmap-5.0.2.tar.gz", hash = "sha256:26ea65a03958fa0c8a1c7e8c7a58fdc77221b8910f6be2131affade476898ad5", size = 22329, upload-time = "2025-01-02T07:14:40.909Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/04/be/d09147ad1ec7934636ad912901c5fd7667e1c858e19d355237db0d0cd5e4/smmap-5.0.2-py3-none-any.whl", hash = "sha256:b30115f0def7d7531d22a0fb6502488d879e75b260a9db4d0819cfb25403af5e", size = 24303, upload-time = "2025-01-02T07:14:38.724Z" }, -] - -[[package]] -name = "sniffio" -version = "1.3.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/a2/87/a6771e1546d97e7e041b6ae58d80074f81b7d5121207425c964ddf5cfdbd/sniffio-1.3.1.tar.gz", hash = "sha256:f4324edc670a0f49750a81b895f35c3adb843cca46f0530f79fc1babb23789dc", size = 20372, upload-time = "2024-02-25T23:20:04.057Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e9/44/75a9c9421471a6c4805dbf2356f7c181a29c1879239abab1ea2cc8f38b40/sniffio-1.3.1-py3-none-any.whl", hash = "sha256:2f6da418d1f1e0fddd844478f41680e794e6051915791a034ff65e5f100525a2", size = 10235, upload-time = "2024-02-25T23:20:01.196Z" }, -] - -[[package]] -name = "snowballstemmer" -version = "3.0.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/75/a7/9810d872919697c9d01295633f5d574fb416d47e535f258272ca1f01f447/snowballstemmer-3.0.1.tar.gz", hash = "sha256:6d5eeeec8e9f84d4d56b847692bacf79bc2c8e90c7f80ca4444ff8b6f2e52895", size = 105575, upload-time = "2025-05-09T16:34:51.843Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/c8/78/3565d011c61f5a43488987ee32b6f3f656e7f107ac2782dd57bdd7d91d9a/snowballstemmer-3.0.1-py3-none-any.whl", hash = "sha256:6cd7b3897da8d6c9ffb968a6781fa6532dce9c3618a4b127d920dab764a19064", size = 103274, upload-time = "2025-05-09T16:34:50.371Z" }, -] - -[[package]] -name = "soupsieve" -version = "2.8" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/6d/e6/21ccce3262dd4889aa3332e5a119a3491a95e8f60939870a3a035aabac0d/soupsieve-2.8.tar.gz", hash = "sha256:e2dd4a40a628cb5f28f6d4b0db8800b8f581b65bb380b97de22ba5ca8d72572f", size = 103472, upload-time = "2025-08-27T15:39:51.78Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/14/a0/bb38d3b76b8cae341dad93a2dd83ab7462e6dbcdd84d43f54ee60a8dc167/soupsieve-2.8-py3-none-any.whl", hash = "sha256:0cc76456a30e20f5d7f2e14a98a4ae2ee4e5abdc7c5ea0aafe795f344bc7984c", size = 36679, upload-time = "2025-08-27T15:39:50.179Z" }, -] - -[[package]] -name = "sphinx" -version = "8.1.3" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version >= '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.14.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", -] -dependencies = [ - { name = "alabaster", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "babel", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "colorama", marker = "sys_platform == 'win32' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "docutils", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "imagesize", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "jinja2", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "packaging", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "pygments", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "requests", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "snowballstemmer", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "sphinxcontrib-applehelp", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "sphinxcontrib-devhelp", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "sphinxcontrib-htmlhelp", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "sphinxcontrib-jsmath", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "sphinxcontrib-qthelp", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "sphinxcontrib-serializinghtml", marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "tomli", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/6f/6d/be0b61178fe2cdcb67e2a92fc9ebb488e3c51c4f74a36a7824c0adf23425/sphinx-8.1.3.tar.gz", hash = "sha256:43c1911eecb0d3e161ad78611bc905d1ad0e523e4ddc202a58a821773dc4c927", size = 8184611, upload-time = "2024-10-13T20:27:13.93Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/26/60/1ddff83a56d33aaf6f10ec8ce84b4c007d9368b21008876fceda7e7381ef/sphinx-8.1.3-py3-none-any.whl", hash = "sha256:09719015511837b76bf6e03e42eb7595ac8c2e41eeb9c29c5b755c6b677992a2", size = 3487125, upload-time = "2024-10-13T20:27:10.448Z" }, -] - -[[package]] -name = "sphinx" -version = "8.2.3" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", -] -dependencies = [ - { name = "alabaster", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "babel", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "docutils", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "imagesize", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "jinja2", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "packaging", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pygments", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "requests", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "roman-numerals-py", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "snowballstemmer", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sphinxcontrib-applehelp", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sphinxcontrib-devhelp", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sphinxcontrib-htmlhelp", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sphinxcontrib-jsmath", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sphinxcontrib-qthelp", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sphinxcontrib-serializinghtml", marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/38/ad/4360e50ed56cb483667b8e6dadf2d3fda62359593faabbe749a27c4eaca6/sphinx-8.2.3.tar.gz", hash = "sha256:398ad29dee7f63a75888314e9424d40f52ce5a6a87ae88e7071e80af296ec348", size = 8321876, upload-time = "2025-03-02T22:31:59.658Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/31/53/136e9eca6e0b9dc0e1962e2c908fbea2e5ac000c2a2fbd9a35797958c48b/sphinx-8.2.3-py3-none-any.whl", hash = "sha256:4405915165f13521d875a8c29c8970800a0141c14cc5416a38feca4ea5d9b9c3", size = 3589741, upload-time = "2025-03-02T22:31:56.836Z" }, -] - -[[package]] -name = "sphinx-autodoc-typehints" -version = "3.0.1" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version >= '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.14.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", -] -dependencies = [ - { name = "sphinx", version = "8.1.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/26/f0/43c6a5ff3e7b08a8c3b32f81b859f1b518ccc31e45f22e2b41ced38be7b9/sphinx_autodoc_typehints-3.0.1.tar.gz", hash = "sha256:b9b40dd15dee54f6f810c924f863f9cf1c54f9f3265c495140ea01be7f44fa55", size = 36282, upload-time = "2025-01-16T18:25:30.958Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/3c/dc/dc46c5c7c566b7ec5e8f860f9c89533bf03c0e6aadc96fb9b337867e4460/sphinx_autodoc_typehints-3.0.1-py3-none-any.whl", hash = "sha256:4b64b676a14b5b79cefb6628a6dc8070e320d4963e8ff640a2f3e9390ae9045a", size = 20245, upload-time = "2025-01-16T18:25:27.394Z" }, -] - -[[package]] -name = "sphinx-autodoc-typehints" -version = "3.5.2" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", -] -dependencies = [ - { name = "sphinx", version = "8.2.3", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/34/4f/4fd5583678bb7dc8afa69e9b309e6a99ee8d79ad3a4728f4e52fd7cb37c7/sphinx_autodoc_typehints-3.5.2.tar.gz", hash = "sha256:5fcd4a3eb7aa89424c1e2e32bedca66edc38367569c9169a80f4b3e934171fdb", size = 37839, upload-time = "2025-10-16T00:50:15.743Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/05/f2/9657c98a66973b7c35bfd48ba65d1922860de9598fbb535cd96e3f58a908/sphinx_autodoc_typehints-3.5.2-py3-none-any.whl", hash = "sha256:0accd043619f53c86705958e323b419e41667917045ac9215d7be1b493648d8c", size = 21184, upload-time = "2025-10-16T00:50:13.973Z" }, -] - -[[package]] -name = "sphinx-book-theme" -version = "1.1.4" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "pydata-sphinx-theme" }, - { name = "sphinx", version = "8.1.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "sphinx", version = "8.2.3", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/45/19/d002ed96bdc7738c15847c730e1e88282d738263deac705d5713b4d8fa94/sphinx_book_theme-1.1.4.tar.gz", hash = "sha256:73efe28af871d0a89bd05856d300e61edce0d5b2fbb7984e84454be0fedfe9ed", size = 439188, upload-time = "2025-02-20T16:32:32.581Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/51/9e/c41d68be04eef5b6202b468e0f90faf0c469f3a03353f2a218fd78279710/sphinx_book_theme-1.1.4-py3-none-any.whl", hash = "sha256:843b3f5c8684640f4a2d01abd298beb66452d1b2394cd9ef5be5ebd5640ea0e1", size = 433952, upload-time = "2025-02-20T16:32:31.009Z" }, -] - -[[package]] -name = "sphinx-copybutton" -version = "0.5.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "sphinx", version = "8.1.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "sphinx", version = "8.2.3", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/fc/2b/a964715e7f5295f77509e59309959f4125122d648f86b4fe7d70ca1d882c/sphinx-copybutton-0.5.2.tar.gz", hash = "sha256:4cf17c82fb9646d1bc9ca92ac280813a3b605d8c421225fd9913154103ee1fbd", size = 23039, upload-time = "2023-04-14T08:10:22.998Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/9e/48/1ea60e74949eecb12cdd6ac43987f9fd331156388dcc2319b45e2ebb81bf/sphinx_copybutton-0.5.2-py3-none-any.whl", hash = "sha256:fb543fd386d917746c9a2c50360c7905b605726b9355cd26e9974857afeae06e", size = 13343, upload-time = "2023-04-14T08:10:20.844Z" }, -] - -[[package]] -name = "sphinx-design" -version = "0.6.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "sphinx", version = "8.1.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.13' or sys_platform != 'linux' or extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-cu130' or extra == 'extra-8-anomalib-rocm' or extra != 'extra-8-anomalib-xpu'" }, - { name = "sphinx", version = "8.2.3", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.13' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/2b/69/b34e0cb5336f09c6866d53b4a19d76c227cdec1bbc7ac4de63ca7d58c9c7/sphinx_design-0.6.1.tar.gz", hash = "sha256:b44eea3719386d04d765c1a8257caca2b3e6f8421d7b3a5e742c0fd45f84e632", size = 2193689, upload-time = "2024-08-02T13:48:44.277Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/c6/43/65c0acbd8cc6f50195a3a1fc195c404988b15c67090e73c7a41a9f57d6bd/sphinx_design-0.6.1-py3-none-any.whl", hash = "sha256:b11f37db1a802a183d61b159d9a202314d4d2fe29c163437001324fe2f19549c", size = 2215338, upload-time = "2024-08-02T13:48:42.106Z" }, -] - -[[package]] -name = "sphinxcontrib-applehelp" -version = "2.0.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/ba/6e/b837e84a1a704953c62ef8776d45c3e8d759876b4a84fe14eba2859106fe/sphinxcontrib_applehelp-2.0.0.tar.gz", hash = "sha256:2f29ef331735ce958efa4734873f084941970894c6090408b079c61b2e1c06d1", size = 20053, upload-time = "2024-07-29T01:09:00.465Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/5d/85/9ebeae2f76e9e77b952f4b274c27238156eae7979c5421fba91a28f4970d/sphinxcontrib_applehelp-2.0.0-py3-none-any.whl", hash = "sha256:4cd3f0ec4ac5dd9c17ec65e9ab272c9b867ea77425228e68ecf08d6b28ddbdb5", size = 119300, upload-time = "2024-07-29T01:08:58.99Z" }, -] - -[[package]] -name = "sphinxcontrib-devhelp" -version = "2.0.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f6/d2/5beee64d3e4e747f316bae86b55943f51e82bb86ecd325883ef65741e7da/sphinxcontrib_devhelp-2.0.0.tar.gz", hash = "sha256:411f5d96d445d1d73bb5d52133377b4248ec79db5c793ce7dbe59e074b4dd1ad", size = 12967, upload-time = "2024-07-29T01:09:23.417Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/35/7a/987e583882f985fe4d7323774889ec58049171828b58c2217e7f79cdf44e/sphinxcontrib_devhelp-2.0.0-py3-none-any.whl", hash = "sha256:aefb8b83854e4b0998877524d1029fd3e6879210422ee3780459e28a1f03a8a2", size = 82530, upload-time = "2024-07-29T01:09:21.945Z" }, -] - -[[package]] -name = "sphinxcontrib-htmlhelp" -version = "2.1.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/43/93/983afd9aa001e5201eab16b5a444ed5b9b0a7a010541e0ddfbbfd0b2470c/sphinxcontrib_htmlhelp-2.1.0.tar.gz", hash = "sha256:c9e2916ace8aad64cc13a0d233ee22317f2b9025b9cf3295249fa985cc7082e9", size = 22617, upload-time = "2024-07-29T01:09:37.889Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/0a/7b/18a8c0bcec9182c05a0b3ec2a776bba4ead82750a55ff798e8d406dae604/sphinxcontrib_htmlhelp-2.1.0-py3-none-any.whl", hash = "sha256:166759820b47002d22914d64a075ce08f4c46818e17cfc9470a9786b759b19f8", size = 98705, upload-time = "2024-07-29T01:09:36.407Z" }, -] - -[[package]] -name = "sphinxcontrib-jsmath" -version = "1.0.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/b2/e8/9ed3830aeed71f17c026a07a5097edcf44b692850ef215b161b8ad875729/sphinxcontrib-jsmath-1.0.1.tar.gz", hash = "sha256:a9925e4a4587247ed2191a22df5f6970656cb8ca2bd6284309578f2153e0c4b8", size = 5787, upload-time = "2019-01-21T16:10:16.347Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/c2/42/4c8646762ee83602e3fb3fbe774c2fac12f317deb0b5dbeeedd2d3ba4b77/sphinxcontrib_jsmath-1.0.1-py2.py3-none-any.whl", hash = "sha256:2ec2eaebfb78f3f2078e73666b1415417a116cc848b72e5172e596c871103178", size = 5071, upload-time = "2019-01-21T16:10:14.333Z" }, -] - -[[package]] -name = "sphinxcontrib-qthelp" -version = "2.0.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/68/bc/9104308fc285eb3e0b31b67688235db556cd5b0ef31d96f30e45f2e51cae/sphinxcontrib_qthelp-2.0.0.tar.gz", hash = "sha256:4fe7d0ac8fc171045be623aba3e2a8f613f8682731f9153bb2e40ece16b9bbab", size = 17165, upload-time = "2024-07-29T01:09:56.435Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/27/83/859ecdd180cacc13b1f7e857abf8582a64552ea7a061057a6c716e790fce/sphinxcontrib_qthelp-2.0.0-py3-none-any.whl", hash = "sha256:b18a828cdba941ccd6ee8445dbe72ffa3ef8cbe7505d8cd1fa0d42d3f2d5f3eb", size = 88743, upload-time = "2024-07-29T01:09:54.885Z" }, -] - -[[package]] -name = "sphinxcontrib-serializinghtml" -version = "2.0.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/3b/44/6716b257b0aa6bfd51a1b31665d1c205fb12cb5ad56de752dfa15657de2f/sphinxcontrib_serializinghtml-2.0.0.tar.gz", hash = "sha256:e9d912827f872c029017a53f0ef2180b327c3f7fd23c87229f7a8e8b70031d4d", size = 16080, upload-time = "2024-07-29T01:10:09.332Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/52/a7/d2782e4e3f77c8450f727ba74a8f12756d5ba823d81b941f1b04da9d033a/sphinxcontrib_serializinghtml-2.0.0-py3-none-any.whl", hash = "sha256:6e2cb0eef194e10c27ec0023bfeb25badbbb5868244cf5bc5bdc04e4464bf331", size = 92072, upload-time = "2024-07-29T01:10:08.203Z" }, -] - -[[package]] -name = "sqlalchemy" -version = "2.0.44" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "greenlet", marker = "platform_machine == 'AMD64' or platform_machine == 'WIN32' or platform_machine == 'aarch64' or platform_machine == 'amd64' or platform_machine == 'ppc64le' or platform_machine == 'win32' or platform_machine == 'x86_64' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/f0/f2/840d7b9496825333f532d2e3976b8eadbf52034178aac53630d09fe6e1ef/sqlalchemy-2.0.44.tar.gz", hash = "sha256:0ae7454e1ab1d780aee69fd2aae7d6b8670a581d8847f2d1e0f7ddfbf47e5a22", size = 9819830, upload-time = "2025-10-10T14:39:12.935Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/a2/a7/e9ccfa7eecaf34c6f57d8cb0bb7cbdeeff27017cc0f5d0ca90fdde7a7c0d/sqlalchemy-2.0.44-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:7c77f3080674fc529b1bd99489378c7f63fcb4ba7f8322b79732e0258f0ea3ce", size = 2137282, upload-time = "2025-10-10T15:36:10.965Z" }, - { url = "https://files.pythonhosted.org/packages/b1/e1/50bc121885bdf10833a4f65ecbe9fe229a3215f4d65a58da8a181734cae3/sqlalchemy-2.0.44-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:4c26ef74ba842d61635b0152763d057c8d48215d5be9bb8b7604116a059e9985", size = 2127322, upload-time = "2025-10-10T15:36:12.428Z" }, - { url = "https://files.pythonhosted.org/packages/46/f2/a8573b7230a3ce5ee4b961a2d510d71b43872513647398e595b744344664/sqlalchemy-2.0.44-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f4a172b31785e2f00780eccab00bc240ccdbfdb8345f1e6063175b3ff12ad1b0", size = 3214772, upload-time = "2025-10-10T15:34:15.09Z" }, - { url = "https://files.pythonhosted.org/packages/4a/d8/c63d8adb6a7edaf8dcb6f75a2b1e9f8577960a1e489606859c4d73e7d32b/sqlalchemy-2.0.44-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f9480c0740aabd8cb29c329b422fb65358049840b34aba0adf63162371d2a96e", size = 3214434, upload-time = "2025-10-10T15:47:00.473Z" }, - { url = "https://files.pythonhosted.org/packages/ee/a6/243d277a4b54fae74d4797957a7320a5c210c293487f931cbe036debb697/sqlalchemy-2.0.44-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:17835885016b9e4d0135720160db3095dc78c583e7b902b6be799fb21035e749", size = 3155365, upload-time = "2025-10-10T15:34:17.932Z" }, - { url = "https://files.pythonhosted.org/packages/5f/f8/6a39516ddd75429fd4ee5a0d72e4c80639fab329b2467c75f363c2ed9751/sqlalchemy-2.0.44-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:cbe4f85f50c656d753890f39468fcd8190c5f08282caf19219f684225bfd5fd2", size = 3178910, upload-time = "2025-10-10T15:47:02.346Z" }, - { url = "https://files.pythonhosted.org/packages/43/f0/118355d4ad3c39d9a2f5ee4c7304a9665b3571482777357fa9920cd7a6b4/sqlalchemy-2.0.44-cp310-cp310-win32.whl", hash = "sha256:2fcc4901a86ed81dc76703f3b93ff881e08761c63263c46991081fd7f034b165", size = 2105624, upload-time = "2025-10-10T15:38:15.552Z" }, - { url = "https://files.pythonhosted.org/packages/61/83/6ae5f9466f8aa5d0dcebfff8c9c33b98b27ce23292df3b990454b3d434fd/sqlalchemy-2.0.44-cp310-cp310-win_amd64.whl", hash = "sha256:9919e77403a483ab81e3423151e8ffc9dd992c20d2603bf17e4a8161111e55f5", size = 2129240, upload-time = "2025-10-10T15:38:17.175Z" }, - { url = "https://files.pythonhosted.org/packages/e3/81/15d7c161c9ddf0900b076b55345872ed04ff1ed6a0666e5e94ab44b0163c/sqlalchemy-2.0.44-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:0fe3917059c7ab2ee3f35e77757062b1bea10a0b6ca633c58391e3f3c6c488dd", size = 2140517, upload-time = "2025-10-10T15:36:15.64Z" }, - { url = "https://files.pythonhosted.org/packages/d4/d5/4abd13b245c7d91bdf131d4916fd9e96a584dac74215f8b5bc945206a974/sqlalchemy-2.0.44-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:de4387a354ff230bc979b46b2207af841dc8bf29847b6c7dbe60af186d97aefa", size = 2130738, upload-time = "2025-10-10T15:36:16.91Z" }, - { url = "https://files.pythonhosted.org/packages/cb/3c/8418969879c26522019c1025171cefbb2a8586b6789ea13254ac602986c0/sqlalchemy-2.0.44-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c3678a0fb72c8a6a29422b2732fe423db3ce119c34421b5f9955873eb9b62c1e", size = 3304145, upload-time = "2025-10-10T15:34:19.569Z" }, - { url = "https://files.pythonhosted.org/packages/94/2d/fdb9246d9d32518bda5d90f4b65030b9bf403a935cfe4c36a474846517cb/sqlalchemy-2.0.44-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3cf6872a23601672d61a68f390e44703442639a12ee9dd5a88bbce52a695e46e", size = 3304511, upload-time = "2025-10-10T15:47:05.088Z" }, - { url = "https://files.pythonhosted.org/packages/7d/fb/40f2ad1da97d5c83f6c1269664678293d3fe28e90ad17a1093b735420549/sqlalchemy-2.0.44-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:329aa42d1be9929603f406186630135be1e7a42569540577ba2c69952b7cf399", size = 3235161, upload-time = "2025-10-10T15:34:21.193Z" }, - { url = "https://files.pythonhosted.org/packages/95/cb/7cf4078b46752dca917d18cf31910d4eff6076e5b513c2d66100c4293d83/sqlalchemy-2.0.44-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:70e03833faca7166e6a9927fbee7c27e6ecde436774cd0b24bbcc96353bce06b", size = 3261426, upload-time = "2025-10-10T15:47:07.196Z" }, - { url = "https://files.pythonhosted.org/packages/f8/3b/55c09b285cb2d55bdfa711e778bdffdd0dc3ffa052b0af41f1c5d6e582fa/sqlalchemy-2.0.44-cp311-cp311-win32.whl", hash = "sha256:253e2f29843fb303eca6b2fc645aca91fa7aa0aa70b38b6950da92d44ff267f3", size = 2105392, upload-time = "2025-10-10T15:38:20.051Z" }, - { url = "https://files.pythonhosted.org/packages/c7/23/907193c2f4d680aedbfbdf7bf24c13925e3c7c292e813326c1b84a0b878e/sqlalchemy-2.0.44-cp311-cp311-win_amd64.whl", hash = "sha256:7a8694107eb4308a13b425ca8c0e67112f8134c846b6e1f722698708741215d5", size = 2130293, upload-time = "2025-10-10T15:38:21.601Z" }, - { url = "https://files.pythonhosted.org/packages/62/c4/59c7c9b068e6813c898b771204aad36683c96318ed12d4233e1b18762164/sqlalchemy-2.0.44-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:72fea91746b5890f9e5e0997f16cbf3d53550580d76355ba2d998311b17b2250", size = 2139675, upload-time = "2025-10-10T16:03:31.064Z" }, - { url = "https://files.pythonhosted.org/packages/d6/ae/eeb0920537a6f9c5a3708e4a5fc55af25900216bdb4847ec29cfddf3bf3a/sqlalchemy-2.0.44-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:585c0c852a891450edbb1eaca8648408a3cc125f18cf433941fa6babcc359e29", size = 2127726, upload-time = "2025-10-10T16:03:35.934Z" }, - { url = "https://files.pythonhosted.org/packages/d8/d5/2ebbabe0379418eda8041c06b0b551f213576bfe4c2f09d77c06c07c8cc5/sqlalchemy-2.0.44-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9b94843a102efa9ac68a7a30cd46df3ff1ed9c658100d30a725d10d9c60a2f44", size = 3327603, upload-time = "2025-10-10T15:35:28.322Z" }, - { url = "https://files.pythonhosted.org/packages/45/e5/5aa65852dadc24b7d8ae75b7efb8d19303ed6ac93482e60c44a585930ea5/sqlalchemy-2.0.44-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:119dc41e7a7defcefc57189cfa0e61b1bf9c228211aba432b53fb71ef367fda1", size = 3337842, upload-time = "2025-10-10T15:43:45.431Z" }, - { url = "https://files.pythonhosted.org/packages/41/92/648f1afd3f20b71e880ca797a960f638d39d243e233a7082c93093c22378/sqlalchemy-2.0.44-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:0765e318ee9179b3718c4fd7ba35c434f4dd20332fbc6857a5e8df17719c24d7", size = 3264558, upload-time = "2025-10-10T15:35:29.93Z" }, - { url = "https://files.pythonhosted.org/packages/40/cf/e27d7ee61a10f74b17740918e23cbc5bc62011b48282170dc4c66da8ec0f/sqlalchemy-2.0.44-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:2e7b5b079055e02d06a4308d0481658e4f06bc7ef211567edc8f7d5dce52018d", size = 3301570, upload-time = "2025-10-10T15:43:48.407Z" }, - { url = "https://files.pythonhosted.org/packages/3b/3d/3116a9a7b63e780fb402799b6da227435be878b6846b192f076d2f838654/sqlalchemy-2.0.44-cp312-cp312-win32.whl", hash = "sha256:846541e58b9a81cce7dee8329f352c318de25aa2f2bbe1e31587eb1f057448b4", size = 2103447, upload-time = "2025-10-10T15:03:21.678Z" }, - { url = "https://files.pythonhosted.org/packages/25/83/24690e9dfc241e6ab062df82cc0df7f4231c79ba98b273fa496fb3dd78ed/sqlalchemy-2.0.44-cp312-cp312-win_amd64.whl", hash = "sha256:7cbcb47fd66ab294703e1644f78971f6f2f1126424d2b300678f419aa73c7b6e", size = 2130912, upload-time = "2025-10-10T15:03:24.656Z" }, - { url = "https://files.pythonhosted.org/packages/45/d3/c67077a2249fdb455246e6853166360054c331db4613cda3e31ab1cadbef/sqlalchemy-2.0.44-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:ff486e183d151e51b1d694c7aa1695747599bb00b9f5f604092b54b74c64a8e1", size = 2135479, upload-time = "2025-10-10T16:03:37.671Z" }, - { url = "https://files.pythonhosted.org/packages/2b/91/eabd0688330d6fd114f5f12c4f89b0d02929f525e6bf7ff80aa17ca802af/sqlalchemy-2.0.44-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:0b1af8392eb27b372ddb783b317dea0f650241cea5bd29199b22235299ca2e45", size = 2123212, upload-time = "2025-10-10T16:03:41.755Z" }, - { url = "https://files.pythonhosted.org/packages/b0/bb/43e246cfe0e81c018076a16036d9b548c4cc649de241fa27d8d9ca6f85ab/sqlalchemy-2.0.44-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2b61188657e3a2b9ac4e8f04d6cf8e51046e28175f79464c67f2fd35bceb0976", size = 3255353, upload-time = "2025-10-10T15:35:31.221Z" }, - { url = "https://files.pythonhosted.org/packages/b9/96/c6105ed9a880abe346b64d3b6ddef269ddfcab04f7f3d90a0bf3c5a88e82/sqlalchemy-2.0.44-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b87e7b91a5d5973dda5f00cd61ef72ad75a1db73a386b62877d4875a8840959c", size = 3260222, upload-time = "2025-10-10T15:43:50.124Z" }, - { url = "https://files.pythonhosted.org/packages/44/16/1857e35a47155b5ad927272fee81ae49d398959cb749edca6eaa399b582f/sqlalchemy-2.0.44-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:15f3326f7f0b2bfe406ee562e17f43f36e16167af99c4c0df61db668de20002d", size = 3189614, upload-time = "2025-10-10T15:35:32.578Z" }, - { url = "https://files.pythonhosted.org/packages/88/ee/4afb39a8ee4fc786e2d716c20ab87b5b1fb33d4ac4129a1aaa574ae8a585/sqlalchemy-2.0.44-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:1e77faf6ff919aa8cd63f1c4e561cac1d9a454a191bb864d5dd5e545935e5a40", size = 3226248, upload-time = "2025-10-10T15:43:51.862Z" }, - { url = "https://files.pythonhosted.org/packages/32/d5/0e66097fc64fa266f29a7963296b40a80d6a997b7ac13806183700676f86/sqlalchemy-2.0.44-cp313-cp313-win32.whl", hash = "sha256:ee51625c2d51f8baadf2829fae817ad0b66b140573939dd69284d2ba3553ae73", size = 2101275, upload-time = "2025-10-10T15:03:26.096Z" }, - { url = "https://files.pythonhosted.org/packages/03/51/665617fe4f8c6450f42a6d8d69243f9420f5677395572c2fe9d21b493b7b/sqlalchemy-2.0.44-cp313-cp313-win_amd64.whl", hash = "sha256:c1c80faaee1a6c3428cecf40d16a2365bcf56c424c92c2b6f0f9ad204b899e9e", size = 2127901, upload-time = "2025-10-10T15:03:27.548Z" }, - { url = "https://files.pythonhosted.org/packages/9c/5e/6a29fa884d9fb7ddadf6b69490a9d45fded3b38541713010dad16b77d015/sqlalchemy-2.0.44-py3-none-any.whl", hash = "sha256:19de7ca1246fbef9f9d1bff8f1ab25641569df226364a0e40457dc5457c54b05", size = 1928718, upload-time = "2025-10-10T15:29:45.32Z" }, -] - -[[package]] -name = "sqlparse" -version = "0.5.3" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/e5/40/edede8dd6977b0d3da179a342c198ed100dd2aba4be081861ee5911e4da4/sqlparse-0.5.3.tar.gz", hash = "sha256:09f67787f56a0b16ecdbde1bfc7f5d9c3371ca683cfeaa8e6ff60b4807ec9272", size = 84999, upload-time = "2024-12-10T12:05:30.728Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/a9/5c/bfd6bd0bf979426d405cc6e71eceb8701b148b16c21d2dc3c261efc61c7b/sqlparse-0.5.3-py3-none-any.whl", hash = "sha256:cf2196ed3418f3ba5de6af7e82c694a9fbdbfecccdfc72e281548517081f16ca", size = 44415, upload-time = "2024-12-10T12:05:27.824Z" }, -] - -[[package]] -name = "stack-data" -version = "0.6.3" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "asttokens" }, - { name = "executing" }, - { name = "pure-eval" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/28/e3/55dcc2cfbc3ca9c29519eb6884dd1415ecb53b0e934862d3559ddcb7e20b/stack_data-0.6.3.tar.gz", hash = "sha256:836a778de4fec4dcd1dcd89ed8abff8a221f58308462e1c4aa2a3cf30148f0b9", size = 44707, upload-time = "2023-09-30T13:58:05.479Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/f1/7b/ce1eafaf1a76852e2ec9b22edecf1daa58175c090266e9f6c64afcd81d91/stack_data-0.6.3-py3-none-any.whl", hash = "sha256:d5558e0c25a4cb0853cddad3d77da9891a08cb85dd9f9f91b9f8cd66e511e695", size = 24521, upload-time = "2023-09-30T13:58:03.53Z" }, -] - -[[package]] -name = "starlette" -version = "0.48.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "anyio" }, - { name = "typing-extensions", marker = "python_full_version < '3.13' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/a7/a5/d6f429d43394057b67a6b5bbe6eae2f77a6bf7459d961fdb224bf206eee6/starlette-0.48.0.tar.gz", hash = "sha256:7e8cee469a8ab2352911528110ce9088fdc6a37d9876926e73da7ce4aa4c7a46", size = 2652949, upload-time = "2025-09-13T08:41:05.699Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/be/72/2db2f49247d0a18b4f1bb9a5a39a0162869acf235f3a96418363947b3d46/starlette-0.48.0-py3-none-any.whl", hash = "sha256:0764ca97b097582558ecb498132ed0c7d942f233f365b86ba37770e026510659", size = 73736, upload-time = "2025-09-13T08:41:03.869Z" }, -] - -[[package]] -name = "sympy" -version = "1.13.1" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version >= '3.14' and sys_platform != 'linux'", - "python_full_version == '3.13.*' and sys_platform != 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform != 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform != 'linux'", -] -dependencies = [ - { name = "mpmath", marker = "extra == 'extra-8-anomalib-cu121' or extra == 'extra-8-anomalib-cu124' or extra == 'extra-8-anomalib-rocm' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/ca/99/5a5b6f19ff9f083671ddf7b9632028436167cd3d33e11015754e41b249a4/sympy-1.13.1.tar.gz", hash = "sha256:9cebf7e04ff162015ce31c9c6c9144daa34a93bd082f54fd8f12deca4f47515f", size = 7533040, upload-time = "2024-07-19T09:26:51.238Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/b2/fe/81695a1aa331a842b582453b605175f419fe8540355886031328089d840a/sympy-1.13.1-py3-none-any.whl", hash = "sha256:db36cdc64bf61b9b24578b6f7bab1ecdd2452cf008f34faa33776680c26d66f8", size = 6189177, upload-time = "2024-07-19T09:26:48.863Z" }, -] - -[[package]] -name = "sympy" -version = "1.14.0" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "(python_full_version >= '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.14.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", -] -dependencies = [ - { name = "mpmath", marker = "extra == 'extra-8-anomalib-cpu' or extra == 'extra-8-anomalib-cu118' or extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-rocm')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/83/d3/803453b36afefb7c2bb238361cd4ae6125a569b4db67cd9e79846ba2d68c/sympy-1.14.0.tar.gz", hash = "sha256:d3d3fe8df1e5a0b42f0e7bdf50541697dbe7d23746e894990c030e2b05e72517", size = 7793921, upload-time = "2025-04-27T18:05:01.611Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/a2/09/77d55d46fd61b4a135c444fc97158ef34a095e5681d0a6c10b75bf356191/sympy-1.14.0-py3-none-any.whl", hash = "sha256:e091cc3e99d2141a0ba2847328f5479b05d94a6635cb96148ccb3f34671bd8f5", size = 6299353, upload-time = "2025-04-27T18:04:59.103Z" }, -] - -[[package]] -name = "tabulate" -version = "0.9.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/ec/fe/802052aecb21e3797b8f7902564ab6ea0d60ff8ca23952079064155d1ae1/tabulate-0.9.0.tar.gz", hash = "sha256:0095b12bf5966de529c0feb1fa08671671b3368eec77d7ef7ab114be2c068b3c", size = 81090, upload-time = "2022-10-06T17:21:48.54Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/40/44/4a5f08c96eb108af5cb50b41f76142f0afa346dfa99d5296fe7202a11854/tabulate-0.9.0-py3-none-any.whl", hash = "sha256:024ca478df22e9340661486f85298cff5f6dcdba14f3813e8830015b9ed1948f", size = 35252, upload-time = "2022-10-06T17:21:44.262Z" }, -] - -[[package]] -name = "tbb" -version = "2022.1.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "tcmlib", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/c6/64/3d24181aaea3fb892d4a46f8171845782ee364d60e9494426daf31d12f47/tbb-2022.1.0-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:4992a3f2268b33f9a7b4c274af9d7001f550e74246436647b267d58e4947628a", size = 3614726, upload-time = "2025-03-21T15:26:50.39Z" }, - { url = "https://files.pythonhosted.org/packages/2e/e5/09786318a0fcd5a9b9589759ec91fe1815db064ab6bb6d4083ea24dbb859/tbb-2022.1.0-py3-none-win_amd64.whl", hash = "sha256:ae9cc327606f604324441abf3ab984c12ea4f6f1ea2a84230874fc40036d0913", size = 299568, upload-time = "2025-03-21T15:28:27.22Z" }, -] - -[[package]] -name = "tcmlib" -version = "1.3.0" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/06/bb/09a6dc2f1110b409d6d2f96429969d7466bde9bf4ad8b2e682d851ef104b/tcmlib-1.3.0-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:c328ba464c556e46174879c694cafd17ba17c3e7406a79fee47bb3e8c9c6a6c5", size = 4158009, upload-time = "2025-03-21T15:29:35.675Z" }, - { url = "https://files.pythonhosted.org/packages/07/d2/11754d24c4ee4a78e11da4fd34ccdc948261b359e525ee74fc9aae485fd0/tcmlib-1.3.0-py2.py3-none-win_amd64.whl", hash = "sha256:878c9ce2ae5705da3964b7d00ff721c0c61b23a0aa93960629b2119c2921a1e2", size = 356902, upload-time = "2025-03-21T15:24:46.837Z" }, -] - -[[package]] -name = "tensorboard" -version = "2.20.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "absl-py" }, - { name = "grpcio" }, - { name = "markdown" }, - { name = "numpy" }, - { name = "packaging" }, - { name = "pillow" }, - { name = "protobuf" }, - { name = "setuptools" }, - { name = "tensorboard-data-server" }, - { name = "werkzeug" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/9c/d9/a5db55f88f258ac669a92858b70a714bbbd5acd993820b41ec4a96a4d77f/tensorboard-2.20.0-py3-none-any.whl", hash = "sha256:9dc9f978cb84c0723acf9a345d96c184f0293d18f166bb8d59ee098e6cfaaba6", size = 5525680, upload-time = "2025-07-17T19:20:49.638Z" }, -] - -[[package]] -name = "tensorboard-data-server" -version = "0.7.2" -source = { registry = "https://pypi.org/simple" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/7a/13/e503968fefabd4c6b2650af21e110aa8466fe21432cd7c43a84577a89438/tensorboard_data_server-0.7.2-py3-none-any.whl", hash = "sha256:7e0610d205889588983836ec05dc098e80f97b7e7bbff7e994ebb78f578d0ddb", size = 2356, upload-time = "2023-10-23T21:23:32.16Z" }, - { url = "https://files.pythonhosted.org/packages/b7/85/dabeaf902892922777492e1d253bb7e1264cadce3cea932f7ff599e53fea/tensorboard_data_server-0.7.2-py3-none-macosx_10_9_x86_64.whl", hash = "sha256:9fe5d24221b29625dbc7328b0436ca7fc1c23de4acf4d272f1180856e32f9f60", size = 4823598, upload-time = "2023-10-23T21:23:33.714Z" }, - { url = "https://files.pythonhosted.org/packages/73/c6/825dab04195756cf8ff2e12698f22513b3db2f64925bdd41671bfb33aaa5/tensorboard_data_server-0.7.2-py3-none-manylinux_2_31_x86_64.whl", hash = "sha256:ef687163c24185ae9754ed5650eb5bc4d84ff257aabdc33f0cc6f74d8ba54530", size = 6590363, upload-time = "2023-10-23T21:23:35.583Z" }, -] - -[[package]] -name = "termcolor" -version = "3.2.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/87/56/ab275c2b56a5e2342568838f0d5e3e66a32354adcc159b495e374cda43f5/termcolor-3.2.0.tar.gz", hash = "sha256:610e6456feec42c4bcd28934a8c87a06c3fa28b01561d46aa09a9881b8622c58", size = 14423, upload-time = "2025-10-25T19:11:42.586Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/f9/d5/141f53d7c1eb2a80e6d3e9a390228c3222c27705cbe7f048d3623053f3ca/termcolor-3.2.0-py3-none-any.whl", hash = "sha256:a10343879eba4da819353c55cb8049b0933890c2ebf9ad5d3ecd2bb32ea96ea6", size = 7698, upload-time = "2025-10-25T19:11:41.536Z" }, -] - -[[package]] -name = "terminado" -version = "0.18.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "ptyprocess", marker = "os_name != 'nt' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pywinpty", marker = "(os_name == 'nt' and sys_platform != 'darwin' and sys_platform != 'linux') or (os_name == 'nt' and sys_platform == 'darwin' and extra != 'extra-8-anomalib-cpu') or (os_name != 'nt' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (os_name != 'nt' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (os_name != 'nt' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (os_name != 'nt' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (os_name != 'nt' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (os_name != 'nt' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (os_name != 'nt' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (os_name != 'nt' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "tornado" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/8a/11/965c6fd8e5cc254f1fe142d547387da17a8ebfd75a3455f637c663fb38a0/terminado-0.18.1.tar.gz", hash = "sha256:de09f2c4b85de4765f7714688fff57d3e75bad1f909b589fde880460c753fd2e", size = 32701, upload-time = "2024-03-12T14:34:39.026Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/6a/9e/2064975477fdc887e47ad42157e214526dcad8f317a948dee17e1659a62f/terminado-0.18.1-py3-none-any.whl", hash = "sha256:a4468e1b37bb318f8a86514f65814e1afc977cf29b3992a4500d9dd305dcceb0", size = 14154, upload-time = "2024-03-12T14:34:36.569Z" }, -] - -[[package]] -name = "threadpoolctl" -version = "3.6.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/b7/4d/08c89e34946fce2aec4fbb45c9016efd5f4d7f24af8e5d93296e935631d8/threadpoolctl-3.6.0.tar.gz", hash = "sha256:8ab8b4aa3491d812b623328249fab5302a68d2d71745c8a4c719a2fcaba9f44e", size = 21274, upload-time = "2025-03-13T13:49:23.031Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/32/d5/f9a850d79b0851d1d4ef6456097579a9005b31fea68726a4ae5f2d82ddd9/threadpoolctl-3.6.0-py3-none-any.whl", hash = "sha256:43a0b8fd5a2928500110039e43a5eed8480b918967083ea48dc3ab9f13c4a7fb", size = 18638, upload-time = "2025-03-13T13:49:21.846Z" }, -] - -[[package]] -name = "tifffile" -version = "2025.5.10" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version < '3.11' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", -] -dependencies = [ - { name = "numpy", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/44/d0/18fed0fc0916578a4463f775b0fbd9c5fed2392152d039df2fb533bfdd5d/tifffile-2025.5.10.tar.gz", hash = "sha256:018335d34283aa3fd8c263bae5c3c2b661ebc45548fde31504016fcae7bf1103", size = 365290, upload-time = "2025-05-10T19:22:34.386Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/5d/06/bd0a6097da704a7a7c34a94cfd771c3ea3c2f405dd214e790d22c93f6be1/tifffile-2025.5.10-py3-none-any.whl", hash = "sha256:e37147123c0542d67bc37ba5cdd67e12ea6fbe6e86c52bee037a9eb6a064e5ad", size = 226533, upload-time = "2025-05-10T19:22:27.279Z" }, -] - -[[package]] -name = "tifffile" -version = "2025.10.16" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version >= '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version >= '3.14' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.14.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')", - "python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version >= '3.14' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.13.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.12.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform == 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", - "python_full_version == '3.11.*' and sys_platform != 'linux' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu'", -] -dependencies = [ - { name = "numpy", marker = "python_full_version >= '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/2d/b5/0d8f3d395f07d25ec4cafcdfc8cab234b2cc6bf2465e9d7660633983fe8f/tifffile-2025.10.16.tar.gz", hash = "sha256:425179ec7837ac0e07bc95d2ea5bea9b179ce854967c12ba07fc3f093e58efc1", size = 371848, upload-time = "2025-10-16T22:56:09.043Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e6/5e/56c751afab61336cf0e7aa671b134255a30f15f59cd9e04f59c598a37ff5/tifffile-2025.10.16-py3-none-any.whl", hash = "sha256:41463d979c1c262b0a5cdef2a7f95f0388a072ad82d899458b154a48609d759c", size = 231162, upload-time = "2025-10-16T22:56:07.214Z" }, -] - -[[package]] -name = "timm" -version = "1.0.21" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "huggingface-hub" }, - { name = "pyyaml" }, - { name = "safetensors" }, - { name = "torch", version = "2.5.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.5.1+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.6.0+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0+xpu", source = { registry = "https://download.pytorch.org/whl/xpu" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.9.0+cu130", source = { registry = "https://download.pytorch.org/whl/cu130" }, marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.20.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.20.1+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.21.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.21.0+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.22.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.23.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.14' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.23.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.23.0+xpu", source = { registry = "https://download.pytorch.org/whl/xpu" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.24.0", source = { registry = "https://download.pytorch.org/whl/cu130" }, marker = "(python_full_version < '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torchvision", version = "0.24.0+cu130", source = { registry = "https://download.pytorch.org/whl/cu130" }, marker = "(python_full_version >= '3.15' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.15' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/90/63/ab9bc9441f173fab436d15070dbc90341ff1e439f3b76c6871bc37176580/timm-1.0.21.tar.gz", hash = "sha256:aa372fe43a85ed6ea0dd14945dac724c842e6e373779e2a2afd67d7dc1b82c4c", size = 2382582, upload-time = "2025-10-24T22:37:57.756Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/8b/8c/a668e732032f6de4ecc6b33f7ed27eab1c238dce35f6fe39986ad61aed9e/timm-1.0.21-py3-none-any.whl", hash = "sha256:e7428083af9f68af5ef1d50724946d9b6a2ccba8688c3e5fc9370f59f76e50cf", size = 2529988, upload-time = "2025-10-24T22:37:55.539Z" }, -] - -[[package]] -name = "tinycss2" -version = "1.4.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "webencodings" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/7a/fd/7a5ee21fd08ff70d3d33a5781c255cbe779659bd03278feb98b19ee550f4/tinycss2-1.4.0.tar.gz", hash = "sha256:10c0972f6fc0fbee87c3edb76549357415e94548c1ae10ebccdea16fb404a9b7", size = 87085, upload-time = "2024-10-24T14:58:29.895Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e6/34/ebdc18bae6aa14fbee1a08b63c015c72b64868ff7dae68808ab500c492e2/tinycss2-1.4.0-py3-none-any.whl", hash = "sha256:3a49cf47b7675da0b15d0c6e1df8df4ebd96e9394bb905a5775adb0d884c5289", size = 26610, upload-time = "2024-10-24T14:58:28.029Z" }, -] - -[[package]] -name = "tokenizers" -version = "0.22.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "huggingface-hub" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/1c/46/fb6854cec3278fbfa4a75b50232c77622bc517ac886156e6afbfa4d8fc6e/tokenizers-0.22.1.tar.gz", hash = "sha256:61de6522785310a309b3407bac22d99c4db5dba349935e99e4d15ea2226af2d9", size = 363123, upload-time = "2025-09-19T09:49:23.424Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/bf/33/f4b2d94ada7ab297328fc671fed209368ddb82f965ec2224eb1892674c3a/tokenizers-0.22.1-cp39-abi3-macosx_10_12_x86_64.whl", hash = "sha256:59fdb013df17455e5f950b4b834a7b3ee2e0271e6378ccb33aa74d178b513c73", size = 3069318, upload-time = "2025-09-19T09:49:11.848Z" }, - { url = "https://files.pythonhosted.org/packages/1c/58/2aa8c874d02b974990e89ff95826a4852a8b2a273c7d1b4411cdd45a4565/tokenizers-0.22.1-cp39-abi3-macosx_11_0_arm64.whl", hash = "sha256:8d4e484f7b0827021ac5f9f71d4794aaef62b979ab7608593da22b1d2e3c4edc", size = 2926478, upload-time = "2025-09-19T09:49:09.759Z" }, - { url = "https://files.pythonhosted.org/packages/1e/3b/55e64befa1e7bfea963cf4b787b2cea1011362c4193f5477047532ce127e/tokenizers-0.22.1-cp39-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:19d2962dd28bc67c1f205ab180578a78eef89ac60ca7ef7cbe9635a46a56422a", size = 3256994, upload-time = "2025-09-19T09:48:56.701Z" }, - { url = "https://files.pythonhosted.org/packages/71/0b/fbfecf42f67d9b7b80fde4aabb2b3110a97fac6585c9470b5bff103a80cb/tokenizers-0.22.1-cp39-abi3-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:38201f15cdb1f8a6843e6563e6e79f4abd053394992b9bbdf5213ea3469b4ae7", size = 3153141, upload-time = "2025-09-19T09:48:59.749Z" }, - { url = "https://files.pythonhosted.org/packages/17/a9/b38f4e74e0817af8f8ef925507c63c6ae8171e3c4cb2d5d4624bf58fca69/tokenizers-0.22.1-cp39-abi3-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d1cbe5454c9a15df1b3443c726063d930c16f047a3cc724b9e6e1a91140e5a21", size = 3508049, upload-time = "2025-09-19T09:49:05.868Z" }, - { url = "https://files.pythonhosted.org/packages/d2/48/dd2b3dac46bb9134a88e35d72e1aa4869579eacc1a27238f1577270773ff/tokenizers-0.22.1-cp39-abi3-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e7d094ae6312d69cc2a872b54b91b309f4f6fbce871ef28eb27b52a98e4d0214", size = 3710730, upload-time = "2025-09-19T09:49:01.832Z" }, - { url = "https://files.pythonhosted.org/packages/93/0e/ccabc8d16ae4ba84a55d41345207c1e2ea88784651a5a487547d80851398/tokenizers-0.22.1-cp39-abi3-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:afd7594a56656ace95cdd6df4cca2e4059d294c5cfb1679c57824b605556cb2f", size = 3412560, upload-time = "2025-09-19T09:49:03.867Z" }, - { url = "https://files.pythonhosted.org/packages/d0/c6/dc3a0db5a6766416c32c034286d7c2d406da1f498e4de04ab1b8959edd00/tokenizers-0.22.1-cp39-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e2ef6063d7a84994129732b47e7915e8710f27f99f3a3260b8a38fc7ccd083f4", size = 3250221, upload-time = "2025-09-19T09:49:07.664Z" }, - { url = "https://files.pythonhosted.org/packages/d7/a6/2c8486eef79671601ff57b093889a345dd3d576713ef047776015dc66de7/tokenizers-0.22.1-cp39-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:ba0a64f450b9ef412c98f6bcd2a50c6df6e2443b560024a09fa6a03189726879", size = 9345569, upload-time = "2025-09-19T09:49:14.214Z" }, - { url = "https://files.pythonhosted.org/packages/6b/16/32ce667f14c35537f5f605fe9bea3e415ea1b0a646389d2295ec348d5657/tokenizers-0.22.1-cp39-abi3-musllinux_1_2_armv7l.whl", hash = "sha256:331d6d149fa9c7d632cde4490fb8bbb12337fa3a0232e77892be656464f4b446", size = 9271599, upload-time = "2025-09-19T09:49:16.639Z" }, - { url = "https://files.pythonhosted.org/packages/51/7c/a5f7898a3f6baa3fc2685c705e04c98c1094c523051c805cdd9306b8f87e/tokenizers-0.22.1-cp39-abi3-musllinux_1_2_i686.whl", hash = "sha256:607989f2ea68a46cb1dfbaf3e3aabdf3f21d8748312dbeb6263d1b3b66c5010a", size = 9533862, upload-time = "2025-09-19T09:49:19.146Z" }, - { url = "https://files.pythonhosted.org/packages/36/65/7e75caea90bc73c1dd8d40438adf1a7bc26af3b8d0a6705ea190462506e1/tokenizers-0.22.1-cp39-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:a0f307d490295717726598ef6fa4f24af9d484809223bbc253b201c740a06390", size = 9681250, upload-time = "2025-09-19T09:49:21.501Z" }, - { url = "https://files.pythonhosted.org/packages/30/2c/959dddef581b46e6209da82df3b78471e96260e2bc463f89d23b1bf0e52a/tokenizers-0.22.1-cp39-abi3-win32.whl", hash = "sha256:b5120eed1442765cd90b903bb6cfef781fd8fe64e34ccaecbae4c619b7b12a82", size = 2472003, upload-time = "2025-09-19T09:49:27.089Z" }, - { url = "https://files.pythonhosted.org/packages/b3/46/e33a8c93907b631a99377ef4c5f817ab453d0b34f93529421f42ff559671/tokenizers-0.22.1-cp39-abi3-win_amd64.whl", hash = "sha256:65fd6e3fb11ca1e78a6a93602490f134d1fdeb13bcef99389d5102ea318ed138", size = 2674684, upload-time = "2025-09-19T09:49:24.953Z" }, -] - -[[package]] -name = "tomli" -version = "2.3.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/52/ed/3f73f72945444548f33eba9a87fc7a6e969915e7b1acc8260b30e1f76a2f/tomli-2.3.0.tar.gz", hash = "sha256:64be704a875d2a59753d80ee8a533c3fe183e3f06807ff7dc2232938ccb01549", size = 17392, upload-time = "2025-10-08T22:01:47.119Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/b3/2e/299f62b401438d5fe1624119c723f5d877acc86a4c2492da405626665f12/tomli-2.3.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:88bd15eb972f3664f5ed4b57c1634a97153b4bac4479dcb6a495f41921eb7f45", size = 153236, upload-time = "2025-10-08T22:01:00.137Z" }, - { url = "https://files.pythonhosted.org/packages/86/7f/d8fffe6a7aefdb61bced88fcb5e280cfd71e08939da5894161bd71bea022/tomli-2.3.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:883b1c0d6398a6a9d29b508c331fa56adbcdff647f6ace4dfca0f50e90dfd0ba", size = 148084, upload-time = "2025-10-08T22:01:01.63Z" }, - { url = "https://files.pythonhosted.org/packages/47/5c/24935fb6a2ee63e86d80e4d3b58b222dafaf438c416752c8b58537c8b89a/tomli-2.3.0-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:d1381caf13ab9f300e30dd8feadb3de072aeb86f1d34a8569453ff32a7dea4bf", size = 234832, upload-time = "2025-10-08T22:01:02.543Z" }, - { url = "https://files.pythonhosted.org/packages/89/da/75dfd804fc11e6612846758a23f13271b76d577e299592b4371a4ca4cd09/tomli-2.3.0-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:a0e285d2649b78c0d9027570d4da3425bdb49830a6156121360b3f8511ea3441", size = 242052, upload-time = "2025-10-08T22:01:03.836Z" }, - { url = "https://files.pythonhosted.org/packages/70/8c/f48ac899f7b3ca7eb13af73bacbc93aec37f9c954df3c08ad96991c8c373/tomli-2.3.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:0a154a9ae14bfcf5d8917a59b51ffd5a3ac1fd149b71b47a3a104ca4edcfa845", size = 239555, upload-time = "2025-10-08T22:01:04.834Z" }, - { url = "https://files.pythonhosted.org/packages/ba/28/72f8afd73f1d0e7829bfc093f4cb98ce0a40ffc0cc997009ee1ed94ba705/tomli-2.3.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:74bf8464ff93e413514fefd2be591c3b0b23231a77f901db1eb30d6f712fc42c", size = 245128, upload-time = "2025-10-08T22:01:05.84Z" }, - { url = "https://files.pythonhosted.org/packages/b6/eb/a7679c8ac85208706d27436e8d421dfa39d4c914dcf5fa8083a9305f58d9/tomli-2.3.0-cp311-cp311-win32.whl", hash = "sha256:00b5f5d95bbfc7d12f91ad8c593a1659b6387b43f054104cda404be6bda62456", size = 96445, upload-time = "2025-10-08T22:01:06.896Z" }, - { url = "https://files.pythonhosted.org/packages/0a/fe/3d3420c4cb1ad9cb462fb52967080575f15898da97e21cb6f1361d505383/tomli-2.3.0-cp311-cp311-win_amd64.whl", hash = "sha256:4dc4ce8483a5d429ab602f111a93a6ab1ed425eae3122032db7e9acf449451be", size = 107165, upload-time = "2025-10-08T22:01:08.107Z" }, - { url = "https://files.pythonhosted.org/packages/ff/b7/40f36368fcabc518bb11c8f06379a0fd631985046c038aca08c6d6a43c6e/tomli-2.3.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:d7d86942e56ded512a594786a5ba0a5e521d02529b3826e7761a05138341a2ac", size = 154891, upload-time = "2025-10-08T22:01:09.082Z" }, - { url = "https://files.pythonhosted.org/packages/f9/3f/d9dd692199e3b3aab2e4e4dd948abd0f790d9ded8cd10cbaae276a898434/tomli-2.3.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:73ee0b47d4dad1c5e996e3cd33b8a76a50167ae5f96a2607cbe8cc773506ab22", size = 148796, upload-time = "2025-10-08T22:01:10.266Z" }, - { url = "https://files.pythonhosted.org/packages/60/83/59bff4996c2cf9f9387a0f5a3394629c7efa5ef16142076a23a90f1955fa/tomli-2.3.0-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:792262b94d5d0a466afb5bc63c7daa9d75520110971ee269152083270998316f", size = 242121, upload-time = "2025-10-08T22:01:11.332Z" }, - { url = "https://files.pythonhosted.org/packages/45/e5/7c5119ff39de8693d6baab6c0b6dcb556d192c165596e9fc231ea1052041/tomli-2.3.0-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:4f195fe57ecceac95a66a75ac24d9d5fbc98ef0962e09b2eddec5d39375aae52", size = 250070, upload-time = "2025-10-08T22:01:12.498Z" }, - { url = "https://files.pythonhosted.org/packages/45/12/ad5126d3a278f27e6701abde51d342aa78d06e27ce2bb596a01f7709a5a2/tomli-2.3.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:e31d432427dcbf4d86958c184b9bfd1e96b5b71f8eb17e6d02531f434fd335b8", size = 245859, upload-time = "2025-10-08T22:01:13.551Z" }, - { url = "https://files.pythonhosted.org/packages/fb/a1/4d6865da6a71c603cfe6ad0e6556c73c76548557a8d658f9e3b142df245f/tomli-2.3.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:7b0882799624980785240ab732537fcfc372601015c00f7fc367c55308c186f6", size = 250296, upload-time = "2025-10-08T22:01:14.614Z" }, - { url = "https://files.pythonhosted.org/packages/a0/b7/a7a7042715d55c9ba6e8b196d65d2cb662578b4d8cd17d882d45322b0d78/tomli-2.3.0-cp312-cp312-win32.whl", hash = "sha256:ff72b71b5d10d22ecb084d345fc26f42b5143c5533db5e2eaba7d2d335358876", size = 97124, upload-time = "2025-10-08T22:01:15.629Z" }, - { url = "https://files.pythonhosted.org/packages/06/1e/f22f100db15a68b520664eb3328fb0ae4e90530887928558112c8d1f4515/tomli-2.3.0-cp312-cp312-win_amd64.whl", hash = "sha256:1cb4ed918939151a03f33d4242ccd0aa5f11b3547d0cf30f7c74a408a5b99878", size = 107698, upload-time = "2025-10-08T22:01:16.51Z" }, - { url = "https://files.pythonhosted.org/packages/89/48/06ee6eabe4fdd9ecd48bf488f4ac783844fd777f547b8d1b61c11939974e/tomli-2.3.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:5192f562738228945d7b13d4930baffda67b69425a7f0da96d360b0a3888136b", size = 154819, upload-time = "2025-10-08T22:01:17.964Z" }, - { url = "https://files.pythonhosted.org/packages/f1/01/88793757d54d8937015c75dcdfb673c65471945f6be98e6a0410fba167ed/tomli-2.3.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:be71c93a63d738597996be9528f4abe628d1adf5e6eb11607bc8fe1a510b5dae", size = 148766, upload-time = "2025-10-08T22:01:18.959Z" }, - { url = "https://files.pythonhosted.org/packages/42/17/5e2c956f0144b812e7e107f94f1cc54af734eb17b5191c0bbfb72de5e93e/tomli-2.3.0-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:c4665508bcbac83a31ff8ab08f424b665200c0e1e645d2bd9ab3d3e557b6185b", size = 240771, upload-time = "2025-10-08T22:01:20.106Z" }, - { url = "https://files.pythonhosted.org/packages/d5/f4/0fbd014909748706c01d16824eadb0307115f9562a15cbb012cd9b3512c5/tomli-2.3.0-cp313-cp313-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:4021923f97266babc6ccab9f5068642a0095faa0a51a246a6a02fccbb3514eaf", size = 248586, upload-time = "2025-10-08T22:01:21.164Z" }, - { url = "https://files.pythonhosted.org/packages/30/77/fed85e114bde5e81ecf9bc5da0cc69f2914b38f4708c80ae67d0c10180c5/tomli-2.3.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:a4ea38c40145a357d513bffad0ed869f13c1773716cf71ccaa83b0fa0cc4e42f", size = 244792, upload-time = "2025-10-08T22:01:22.417Z" }, - { url = "https://files.pythonhosted.org/packages/55/92/afed3d497f7c186dc71e6ee6d4fcb0acfa5f7d0a1a2878f8beae379ae0cc/tomli-2.3.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:ad805ea85eda330dbad64c7ea7a4556259665bdf9d2672f5dccc740eb9d3ca05", size = 248909, upload-time = "2025-10-08T22:01:23.859Z" }, - { url = "https://files.pythonhosted.org/packages/f8/84/ef50c51b5a9472e7265ce1ffc7f24cd4023d289e109f669bdb1553f6a7c2/tomli-2.3.0-cp313-cp313-win32.whl", hash = "sha256:97d5eec30149fd3294270e889b4234023f2c69747e555a27bd708828353ab606", size = 96946, upload-time = "2025-10-08T22:01:24.893Z" }, - { url = "https://files.pythonhosted.org/packages/b2/b7/718cd1da0884f281f95ccfa3a6cc572d30053cba64603f79d431d3c9b61b/tomli-2.3.0-cp313-cp313-win_amd64.whl", hash = "sha256:0c95ca56fbe89e065c6ead5b593ee64b84a26fca063b5d71a1122bf26e533999", size = 107705, upload-time = "2025-10-08T22:01:26.153Z" }, - { url = "https://files.pythonhosted.org/packages/19/94/aeafa14a52e16163008060506fcb6aa1949d13548d13752171a755c65611/tomli-2.3.0-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:cebc6fe843e0733ee827a282aca4999b596241195f43b4cc371d64fc6639da9e", size = 154244, upload-time = "2025-10-08T22:01:27.06Z" }, - { url = "https://files.pythonhosted.org/packages/db/e4/1e58409aa78eefa47ccd19779fc6f36787edbe7d4cd330eeeedb33a4515b/tomli-2.3.0-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:4c2ef0244c75aba9355561272009d934953817c49f47d768070c3c94355c2aa3", size = 148637, upload-time = "2025-10-08T22:01:28.059Z" }, - { url = "https://files.pythonhosted.org/packages/26/b6/d1eccb62f665e44359226811064596dd6a366ea1f985839c566cd61525ae/tomli-2.3.0-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:c22a8bf253bacc0cf11f35ad9808b6cb75ada2631c2d97c971122583b129afbc", size = 241925, upload-time = "2025-10-08T22:01:29.066Z" }, - { url = "https://files.pythonhosted.org/packages/70/91/7cdab9a03e6d3d2bb11beae108da5bdc1c34bdeb06e21163482544ddcc90/tomli-2.3.0-cp314-cp314-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:0eea8cc5c5e9f89c9b90c4896a8deefc74f518db5927d0e0e8d4a80953d774d0", size = 249045, upload-time = "2025-10-08T22:01:31.98Z" }, - { url = "https://files.pythonhosted.org/packages/15/1b/8c26874ed1f6e4f1fcfeb868db8a794cbe9f227299402db58cfcc858766c/tomli-2.3.0-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:b74a0e59ec5d15127acdabd75ea17726ac4c5178ae51b85bfe39c4f8a278e879", size = 245835, upload-time = "2025-10-08T22:01:32.989Z" }, - { url = "https://files.pythonhosted.org/packages/fd/42/8e3c6a9a4b1a1360c1a2a39f0b972cef2cc9ebd56025168c4137192a9321/tomli-2.3.0-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:b5870b50c9db823c595983571d1296a6ff3e1b88f734a4c8f6fc6188397de005", size = 253109, upload-time = "2025-10-08T22:01:34.052Z" }, - { url = "https://files.pythonhosted.org/packages/22/0c/b4da635000a71b5f80130937eeac12e686eefb376b8dee113b4a582bba42/tomli-2.3.0-cp314-cp314-win32.whl", hash = "sha256:feb0dacc61170ed7ab602d3d972a58f14ee3ee60494292d384649a3dc38ef463", size = 97930, upload-time = "2025-10-08T22:01:35.082Z" }, - { url = "https://files.pythonhosted.org/packages/b9/74/cb1abc870a418ae99cd5c9547d6bce30701a954e0e721821df483ef7223c/tomli-2.3.0-cp314-cp314-win_amd64.whl", hash = "sha256:b273fcbd7fc64dc3600c098e39136522650c49bca95df2d11cf3b626422392c8", size = 107964, upload-time = "2025-10-08T22:01:36.057Z" }, - { url = "https://files.pythonhosted.org/packages/54/78/5c46fff6432a712af9f792944f4fcd7067d8823157949f4e40c56b8b3c83/tomli-2.3.0-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:940d56ee0410fa17ee1f12b817b37a4d4e4dc4d27340863cc67236c74f582e77", size = 163065, upload-time = "2025-10-08T22:01:37.27Z" }, - { url = "https://files.pythonhosted.org/packages/39/67/f85d9bd23182f45eca8939cd2bc7050e1f90c41f4a2ecbbd5963a1d1c486/tomli-2.3.0-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:f85209946d1fe94416debbb88d00eb92ce9cd5266775424ff81bc959e001acaf", size = 159088, upload-time = "2025-10-08T22:01:38.235Z" }, - { url = "https://files.pythonhosted.org/packages/26/5a/4b546a0405b9cc0659b399f12b6adb750757baf04250b148d3c5059fc4eb/tomli-2.3.0-cp314-cp314t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:a56212bdcce682e56b0aaf79e869ba5d15a6163f88d5451cbde388d48b13f530", size = 268193, upload-time = "2025-10-08T22:01:39.712Z" }, - { url = "https://files.pythonhosted.org/packages/42/4f/2c12a72ae22cf7b59a7fe75b3465b7aba40ea9145d026ba41cb382075b0e/tomli-2.3.0-cp314-cp314t-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:c5f3ffd1e098dfc032d4d3af5c0ac64f6d286d98bc148698356847b80fa4de1b", size = 275488, upload-time = "2025-10-08T22:01:40.773Z" }, - { url = "https://files.pythonhosted.org/packages/92/04/a038d65dbe160c3aa5a624e93ad98111090f6804027d474ba9c37c8ae186/tomli-2.3.0-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:5e01decd096b1530d97d5d85cb4dff4af2d8347bd35686654a004f8dea20fc67", size = 272669, upload-time = "2025-10-08T22:01:41.824Z" }, - { url = "https://files.pythonhosted.org/packages/be/2f/8b7c60a9d1612a7cbc39ffcca4f21a73bf368a80fc25bccf8253e2563267/tomli-2.3.0-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:8a35dd0e643bb2610f156cca8db95d213a90015c11fee76c946aa62b7ae7e02f", size = 279709, upload-time = "2025-10-08T22:01:43.177Z" }, - { url = "https://files.pythonhosted.org/packages/7e/46/cc36c679f09f27ded940281c38607716c86cf8ba4a518d524e349c8b4874/tomli-2.3.0-cp314-cp314t-win32.whl", hash = "sha256:a1f7f282fe248311650081faafa5f4732bdbfef5d45fe3f2e702fbc6f2d496e0", size = 107563, upload-time = "2025-10-08T22:01:44.233Z" }, - { url = "https://files.pythonhosted.org/packages/84/ff/426ca8683cf7b753614480484f6437f568fd2fda2edbdf57a2d3d8b27a0b/tomli-2.3.0-cp314-cp314t-win_amd64.whl", hash = "sha256:70a251f8d4ba2d9ac2542eecf008b3c8a9fc5c3f9f02c56a9d7952612be2fdba", size = 119756, upload-time = "2025-10-08T22:01:45.234Z" }, - { url = "https://files.pythonhosted.org/packages/77/b8/0135fadc89e73be292b473cb820b4f5a08197779206b33191e801feeae40/tomli-2.3.0-py3-none-any.whl", hash = "sha256:e95b1af3c5b07d9e643909b5abbec77cd9f1217e6d0bca72b0234736b9fb1f1b", size = 14408, upload-time = "2025-10-08T22:01:46.04Z" }, -] - -[[package]] -name = "tomlkit" -version = "0.13.3" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/cc/18/0bbf3884e9eaa38819ebe46a7bd25dcd56b67434402b66a58c4b8e552575/tomlkit-0.13.3.tar.gz", hash = "sha256:430cf247ee57df2b94ee3fbe588e71d362a941ebb545dec29b53961d61add2a1", size = 185207, upload-time = "2025-06-05T07:13:44.947Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/bd/75/8539d011f6be8e29f339c42e633aae3cb73bffa95dd0f9adec09b9c58e85/tomlkit-0.13.3-py3-none-any.whl", hash = "sha256:c89c649d79ee40629a9fda55f8ace8c6a1b42deb912b2a8fd8d942ddadb606b0", size = 38901, upload-time = "2025-06-05T07:13:43.546Z" }, -] - -[[package]] -name = "torch" -version = "2.5.1+cu121" -source = { registry = "https://download.pytorch.org/whl/cu121" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version >= '3.14' and sys_platform != 'linux'", - "python_full_version == '3.13.*' and sys_platform != 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform != 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform != 'linux'", -] -dependencies = [ - { name = "filelock", marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "fsspec", marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "jinja2", marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "networkx", marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cublas-cu12", version = "12.1.3.1", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cuda-cupti-cu12", version = "12.1.105", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cuda-nvrtc-cu12", version = "12.1.105", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cuda-runtime-cu12", version = "12.1.105", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cudnn-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cufft-cu12", version = "11.0.2.54", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-curand-cu12", version = "10.3.2.106", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cusolver-cu12", version = "11.4.5.107", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cusparse-cu12", version = "12.1.0.106", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-nccl-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-nvtx-cu12", version = "12.1.105", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "setuptools", marker = "(python_full_version >= '3.12' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sympy", version = "1.13.1", source = { registry = "https://pypi.org/simple" }, marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "triton", version = "3.1.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.13' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu121') or (python_full_version >= '3.13' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (python_full_version >= '3.13' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.13' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.13' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "typing-extensions", marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/cu121/torch-2.5.1%2Bcu121-cp310-cp310-linux_x86_64.whl", hash = "sha256:92af92c569de5da937dd1afb45ecfdd598ec1254cf2e49e3d698cb24d71aae14" }, - { url = "https://download.pytorch.org/whl/cu121/torch-2.5.1%2Bcu121-cp310-cp310-win_amd64.whl", hash = "sha256:9b22d6d98aa56f9317902dec0e066814a6edba1aada90110ceea2bb0678df22f" }, - { url = "https://download.pytorch.org/whl/cu121/torch-2.5.1%2Bcu121-cp311-cp311-linux_x86_64.whl", hash = "sha256:c8ab8c92eab928a93c483f83ca8c63f13dafc10fc93ad90ed2dcb7c82ea50410" }, - { url = "https://download.pytorch.org/whl/cu121/torch-2.5.1%2Bcu121-cp311-cp311-win_amd64.whl", hash = "sha256:4bcee18f00c43c815efad8efaa3bca584ffdc8d2cd35ef4c44c814f2739d9191" }, - { url = "https://download.pytorch.org/whl/cu121/torch-2.5.1%2Bcu121-cp312-cp312-linux_x86_64.whl", hash = "sha256:222be02548c2e74a21a8fbc8e5b8d2eef9f9faee865d70385d2eb1b9aabcbc76" }, - { url = "https://download.pytorch.org/whl/cu121/torch-2.5.1%2Bcu121-cp312-cp312-win_amd64.whl", hash = "sha256:473d76257636c66b22cbfac6f616d6b522ef3d3473c13decb1afda22a7b059eb" }, - { url = "https://download.pytorch.org/whl/cu121/torch-2.5.1%2Bcu121-cp313-cp313-linux_x86_64.whl", hash = "sha256:1bfe18b79b0ff9be9383257a66c3f84621ce5f384f02c0a7c79503583d6ffd4b" }, -] - -[[package]] -name = "torch" -version = "2.5.1+rocm6.1" -source = { registry = "https://download.pytorch.org/whl/rocm6.1" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version >= '3.14' and sys_platform != 'linux'", - "python_full_version == '3.13.*' and sys_platform != 'linux'", -] -dependencies = [ - { name = "filelock", marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "fsspec", marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "jinja2", marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "networkx", marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "setuptools", marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sympy", version = "1.13.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "typing-extensions", marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/rocm6.1/torch-2.5.1%2Brocm6.1-cp310-cp310-linux_x86_64.whl", hash = "sha256:f11ccf017dddb8fa9cc3d2acb20a0a91a33a9ab704c1f354e808064d658c8710" }, - { url = "https://download.pytorch.org/whl/rocm6.1/torch-2.5.1%2Brocm6.1-cp311-cp311-linux_x86_64.whl", hash = "sha256:ba54392acd63348a4c269dee4ed8b2c90a84ac54db4e1b4bab107a0ccced59a2" }, - { url = "https://download.pytorch.org/whl/rocm6.1/torch-2.5.1%2Brocm6.1-cp312-cp312-linux_x86_64.whl", hash = "sha256:b8241e9339dfabe9e0c09913d1c6c45a600aa7c15e3baa5d96ecb0af3654bf7d" }, -] - -[[package]] -name = "torch" -version = "2.6.0+cu124" -source = { registry = "https://download.pytorch.org/whl/cu124" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version >= '3.14' and sys_platform != 'linux'", - "python_full_version == '3.13.*' and sys_platform != 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform != 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform != 'linux'", -] -dependencies = [ - { name = "filelock", marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, - { name = "fsspec", marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, - { name = "jinja2", marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, - { name = "networkx", marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cublas-cu12", version = "12.4.5.8", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cuda-cupti-cu12", version = "12.4.127", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cuda-nvrtc-cu12", version = "12.4.127", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cuda-runtime-cu12", version = "12.4.127", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cudnn-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cufft-cu12", version = "11.2.1.3", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-curand-cu12", version = "10.3.5.147", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cusolver-cu12", version = "11.6.1.9", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cusparse-cu12", version = "12.3.1.170", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cusparselt-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-nccl-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-nvjitlink-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-nvtx-cu12", version = "12.4.127", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "setuptools", marker = "(python_full_version >= '3.12' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sympy", version = "1.13.1", source = { registry = "https://pypi.org/simple" }, marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, - { name = "triton", version = "3.2.0", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "typing-extensions", marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/cu124/torch-2.6.0%2Bcu124-cp310-cp310-linux_x86_64.whl", hash = "sha256:7f2ba7f7c0459320a521696f6b5bccc187f59890b23c9dfb6c49b0b87c6bfc97" }, - { url = "https://download.pytorch.org/whl/cu124/torch-2.6.0%2Bcu124-cp310-cp310-win_amd64.whl", hash = "sha256:7cc45c5b39d74875cfafe908b7f55c544147cc16b01e795feb2fe766583efe78" }, - { url = "https://download.pytorch.org/whl/cu124/torch-2.6.0%2Bcu124-cp311-cp311-linux_x86_64.whl", hash = "sha256:d4c3e9a8d31a7c0fcbb9da17c31a1917e1fac26c566a4cfbd8c9568ad7cade79" }, - { url = "https://download.pytorch.org/whl/cu124/torch-2.6.0%2Bcu124-cp311-cp311-win_amd64.whl", hash = "sha256:6a1fb2714e9323f11edb6e8abf7aad5f79e45ad25c081cde87681a18d99c29eb" }, - { url = "https://download.pytorch.org/whl/cu124/torch-2.6.0%2Bcu124-cp312-cp312-linux_x86_64.whl", hash = "sha256:a393b506844035c0dac2f30ea8478c343b8e95a429f06f3b3cadfc7f53adb597" }, - { url = "https://download.pytorch.org/whl/cu124/torch-2.6.0%2Bcu124-cp312-cp312-win_amd64.whl", hash = "sha256:3313061c1fec4c7310cf47944e84513dcd27b6173b72a349bb7ca68d0ee6e9c0" }, - { url = "https://download.pytorch.org/whl/cu124/torch-2.6.0%2Bcu124-cp313-cp313-linux_x86_64.whl", hash = "sha256:0f3bc53c988ce9568cd876a2a5316761e84a8704135ec8068f5f81b4417979cb" }, - { url = "https://download.pytorch.org/whl/cu124/torch-2.6.0%2Bcu124-cp313-cp313-win_amd64.whl", hash = "sha256:519330eef09534acad8110b6f423d2fe58c1d8e9ada999ed077a637a0021f908" }, - { url = "https://download.pytorch.org/whl/cu124/torch-2.6.0%2Bcu124-cp313-cp313t-linux_x86_64.whl", hash = "sha256:35cba404c0d742406cdcba1609085874bc60facdfbc50e910c47a92405fef44c" }, -] - -[[package]] -name = "torch" -version = "2.6.0+rocm6.1" -source = { registry = "https://download.pytorch.org/whl/rocm6.1" } -resolution-markers = [ - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform != 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform != 'linux'", -] -dependencies = [ - { name = "filelock", marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "fsspec", marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "jinja2", marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "networkx", marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pytorch-triton-rocm", version = "3.2.0", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version < '3.13' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "setuptools", marker = "(python_full_version == '3.12.*' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sympy", version = "1.13.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "typing-extensions", marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/rocm6.1/torch-2.6.0%2Brocm6.1-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:87418d0b1d19aafe095eaa39848810ab7ec992b60157b0c0da32deede7ef784a" }, - { url = "https://download.pytorch.org/whl/rocm6.1/torch-2.6.0%2Brocm6.1-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:1a7dd3cef672c8841a5652d7ce78eb2869bc46fadc1f097ae276d9a6acb54fa0" }, - { url = "https://download.pytorch.org/whl/rocm6.1/torch-2.6.0%2Brocm6.1-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:cfe5740a275f88e0d1519643dbceec5a770722b307fc76c0381e4ceea6b1ccae" }, - { url = "https://download.pytorch.org/whl/rocm6.1/torch-2.6.0%2Brocm6.1-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:3f820f2fdd7a066e2bd303c848cbb26a61dd9190100bdbd7885b9fbe3fe58551" }, - { url = "https://download.pytorch.org/whl/rocm6.1/torch-2.6.0%2Brocm6.1-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:bc6adfd3f9217be475bc4131dc599a6d77acf53a410b090980b8c91d38f3494c" }, -] - -[[package]] -name = "torch" -version = "2.7.1+cu118" -source = { registry = "https://download.pytorch.org/whl/cu118" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version >= '3.14' and sys_platform != 'linux'", - "python_full_version == '3.13.*' and sys_platform != 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform != 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform != 'linux'", -] -dependencies = [ - { name = "filelock", marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "fsspec", marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "jinja2", marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "networkx", marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cublas-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cuda-cupti-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cuda-nvrtc-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cuda-runtime-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cudnn-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cufft-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-curand-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cusolver-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cusparse-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-nccl-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-nvtx-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "setuptools", marker = "(python_full_version >= '3.12' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "triton", version = "3.3.1", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu118') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "typing-extensions", marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/cu118/torch-2.7.1%2Bcu118-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:89433c62b02ec802d4c0887c867d935887ae8f00d7cc549ecf1c2640d096bd4c" }, - { url = "https://download.pytorch.org/whl/cu118/torch-2.7.1%2Bcu118-cp310-cp310-win_amd64.whl", hash = "sha256:af4833e36a8e964681a4dad7775f559cf043bd42c9d0c0b5e0619f9d0e44cb56" }, - { url = "https://download.pytorch.org/whl/cu118/torch-2.7.1%2Bcu118-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:a596d91c747d1fa601724e85b9c8797c8d7c62140aa1acf245773e911254bc45" }, - { url = "https://download.pytorch.org/whl/cu118/torch-2.7.1%2Bcu118-cp311-cp311-win_amd64.whl", hash = "sha256:584e5ee99d29286b93be2fba3b3f1f5b9d7a4b9055a288eb31b33100a1f09ed9" }, - { url = "https://download.pytorch.org/whl/cu118/torch-2.7.1%2Bcu118-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:91454dcfdb81f181fdf216d6d6d9912fbd8795578b90384b3b8b8132737072bb" }, - { url = "https://download.pytorch.org/whl/cu118/torch-2.7.1%2Bcu118-cp312-cp312-win_amd64.whl", hash = "sha256:80855ec840b7b06372ff43535d01393a8ec101842618d1f9ed629572b52aed71" }, - { url = "https://download.pytorch.org/whl/cu118/torch-2.7.1%2Bcu118-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:a3f02b2795165eaf6dfe18c963519049a45a9c588488795cebc5015dac77ab46" }, - { url = "https://download.pytorch.org/whl/cu118/torch-2.7.1%2Bcu118-cp313-cp313-win_amd64.whl", hash = "sha256:3122e59a5fe4e9ee991e7ad4e7002afa549b2873e421759df6454f20f53a6c74" }, - { url = "https://download.pytorch.org/whl/cu118/torch-2.7.1%2Bcu118-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:627b7248b429d97b3955f1d0375aad1192b8f20f37556384848b6c622e491eb5" }, - { url = "https://download.pytorch.org/whl/cu118/torch-2.7.1%2Bcu118-cp313-cp313t-win_amd64.whl", hash = "sha256:e06a205f15b3a045924d72f788af0664ca5f20e610eaac7162189721cf31a771" }, -] - -[[package]] -name = "torch" -version = "2.8.0" -source = { registry = "https://download.pytorch.org/whl/cpu" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'darwin'", - "python_full_version == '3.13.*' and sys_platform == 'darwin'", - "python_full_version == '3.12.*' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", - "python_full_version < '3.11' and sys_platform == 'darwin'", -] -dependencies = [ - { name = "filelock", marker = "(sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "fsspec", marker = "(sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "jinja2", marker = "(sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "networkx", marker = "(sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "setuptools", marker = "(python_full_version >= '3.12' and sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'darwin' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "typing-extensions", marker = "(sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0-cp310-none-macosx_11_0_arm64.whl", hash = "sha256:a467b49fe893a6a6cce89e3aee556edfdc64a722d7195fdfdd75cec9dea13779" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0-cp311-none-macosx_11_0_arm64.whl", hash = "sha256:3d05017d19bc99741288e458888283a44b0ee881d53f05f72f8b1cfea8998122" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0-cp312-none-macosx_11_0_arm64.whl", hash = "sha256:a47b7986bee3f61ad217d8a8ce24605809ab425baf349f97de758815edd2ef54" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0-cp313-cp313t-macosx_14_0_arm64.whl", hash = "sha256:fbe2e149c5174ef90d29a5f84a554dfaf28e003cb4f61fa2c8c024c17ec7ca58" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0-cp313-none-macosx_11_0_arm64.whl", hash = "sha256:057efd30a6778d2ee5e2374cd63a63f63311aa6f33321e627c655df60abdd390" }, -] - -[[package]] -name = "torch" -version = "2.8.0" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version >= '3.14' and sys_platform != 'linux'", - "python_full_version == '3.13.*' and sys_platform != 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform != 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform != 'linux'", -] -dependencies = [ - { name = "filelock", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')" }, - { name = "fsspec", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')" }, - { name = "jinja2", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')" }, - { name = "networkx", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')" }, - { name = "setuptools", marker = "(python_full_version >= '3.12' and extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')" }, - { name = "typing-extensions", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/63/28/110f7274254f1b8476c561dada127173f994afa2b1ffc044efb773c15650/torch-2.8.0-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:0be92c08b44009d4131d1ff7a8060d10bafdb7ddcb7359ef8d8c5169007ea905", size = 102052793, upload-time = "2025-08-06T14:53:15.852Z" }, - { url = "https://files.pythonhosted.org/packages/70/1c/58da560016f81c339ae14ab16c98153d51c941544ae568da3cb5b1ceb572/torch-2.8.0-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:89aa9ee820bb39d4d72b794345cccef106b574508dd17dbec457949678c76011", size = 888025420, upload-time = "2025-08-06T14:54:18.014Z" }, - { url = "https://files.pythonhosted.org/packages/70/87/f69752d0dd4ba8218c390f0438130c166fa264a33b7025adb5014b92192c/torch-2.8.0-cp310-cp310-win_amd64.whl", hash = "sha256:e8e5bf982e87e2b59d932769938b698858c64cc53753894be25629bdf5cf2f46", size = 241363614, upload-time = "2025-08-06T14:53:31.496Z" }, - { url = "https://files.pythonhosted.org/packages/ef/d6/e6d4c57e61c2b2175d3aafbfb779926a2cfd7c32eeda7c543925dceec923/torch-2.8.0-cp310-none-macosx_11_0_arm64.whl", hash = "sha256:a3f16a58a9a800f589b26d47ee15aca3acf065546137fc2af039876135f4c760", size = 73611154, upload-time = "2025-08-06T14:53:10.919Z" }, - { url = "https://files.pythonhosted.org/packages/8f/c4/3e7a3887eba14e815e614db70b3b529112d1513d9dae6f4d43e373360b7f/torch-2.8.0-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:220a06fd7af8b653c35d359dfe1aaf32f65aa85befa342629f716acb134b9710", size = 102073391, upload-time = "2025-08-06T14:53:20.937Z" }, - { url = "https://files.pythonhosted.org/packages/5a/63/4fdc45a0304536e75a5e1b1bbfb1b56dd0e2743c48ee83ca729f7ce44162/torch-2.8.0-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:c12fa219f51a933d5f80eeb3a7a5d0cbe9168c0a14bbb4055f1979431660879b", size = 888063640, upload-time = "2025-08-06T14:55:05.325Z" }, - { url = "https://files.pythonhosted.org/packages/84/57/2f64161769610cf6b1c5ed782bd8a780e18a3c9d48931319f2887fa9d0b1/torch-2.8.0-cp311-cp311-win_amd64.whl", hash = "sha256:8c7ef765e27551b2fbfc0f41bcf270e1292d9bf79f8e0724848b1682be6e80aa", size = 241366752, upload-time = "2025-08-06T14:53:38.692Z" }, - { url = "https://files.pythonhosted.org/packages/a4/5e/05a5c46085d9b97e928f3f037081d3d2b87fb4b4195030fc099aaec5effc/torch-2.8.0-cp311-none-macosx_11_0_arm64.whl", hash = "sha256:5ae0524688fb6707c57a530c2325e13bb0090b745ba7b4a2cd6a3ce262572916", size = 73621174, upload-time = "2025-08-06T14:53:25.44Z" }, - { url = "https://files.pythonhosted.org/packages/49/0c/2fd4df0d83a495bb5e54dca4474c4ec5f9c62db185421563deeb5dabf609/torch-2.8.0-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:e2fab4153768d433f8ed9279c8133a114a034a61e77a3a104dcdf54388838705", size = 101906089, upload-time = "2025-08-06T14:53:52.631Z" }, - { url = "https://files.pythonhosted.org/packages/99/a8/6acf48d48838fb8fe480597d98a0668c2beb02ee4755cc136de92a0a956f/torch-2.8.0-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:b2aca0939fb7e4d842561febbd4ffda67a8e958ff725c1c27e244e85e982173c", size = 887913624, upload-time = "2025-08-06T14:56:44.33Z" }, - { url = "https://files.pythonhosted.org/packages/af/8a/5c87f08e3abd825c7dfecef5a0f1d9aa5df5dd0e3fd1fa2f490a8e512402/torch-2.8.0-cp312-cp312-win_amd64.whl", hash = "sha256:2f4ac52f0130275d7517b03a33d2493bab3693c83dcfadf4f81688ea82147d2e", size = 241326087, upload-time = "2025-08-06T14:53:46.503Z" }, - { url = "https://files.pythonhosted.org/packages/be/66/5c9a321b325aaecb92d4d1855421e3a055abd77903b7dab6575ca07796db/torch-2.8.0-cp312-none-macosx_11_0_arm64.whl", hash = "sha256:619c2869db3ada2c0105487ba21b5008defcc472d23f8b80ed91ac4a380283b0", size = 73630478, upload-time = "2025-08-06T14:53:57.144Z" }, - { url = "https://files.pythonhosted.org/packages/10/4e/469ced5a0603245d6a19a556e9053300033f9c5baccf43a3d25ba73e189e/torch-2.8.0-cp313-cp313-manylinux_2_28_aarch64.whl", hash = "sha256:2b2f96814e0345f5a5aed9bf9734efa913678ed19caf6dc2cddb7930672d6128", size = 101936856, upload-time = "2025-08-06T14:54:01.526Z" }, - { url = "https://files.pythonhosted.org/packages/16/82/3948e54c01b2109238357c6f86242e6ecbf0c63a1af46906772902f82057/torch-2.8.0-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:65616ca8ec6f43245e1f5f296603e33923f4c30f93d65e103d9e50c25b35150b", size = 887922844, upload-time = "2025-08-06T14:55:50.78Z" }, - { url = "https://files.pythonhosted.org/packages/e3/54/941ea0a860f2717d86a811adf0c2cd01b3983bdd460d0803053c4e0b8649/torch-2.8.0-cp313-cp313-win_amd64.whl", hash = "sha256:659df54119ae03e83a800addc125856effda88b016dfc54d9f65215c3975be16", size = 241330968, upload-time = "2025-08-06T14:54:45.293Z" }, - { url = "https://files.pythonhosted.org/packages/de/69/8b7b13bba430f5e21d77708b616f767683629fc4f8037564a177d20f90ed/torch-2.8.0-cp313-cp313t-macosx_14_0_arm64.whl", hash = "sha256:1a62a1ec4b0498930e2543535cf70b1bef8c777713de7ceb84cd79115f553767", size = 73915128, upload-time = "2025-08-06T14:54:34.769Z" }, - { url = "https://files.pythonhosted.org/packages/15/0e/8a800e093b7f7430dbaefa80075aee9158ec22e4c4fc3c1a66e4fb96cb4f/torch-2.8.0-cp313-cp313t-manylinux_2_28_aarch64.whl", hash = "sha256:83c13411a26fac3d101fe8035a6b0476ae606deb8688e904e796a3534c197def", size = 102020139, upload-time = "2025-08-06T14:54:39.047Z" }, - { url = "https://files.pythonhosted.org/packages/4a/15/5e488ca0bc6162c86a33b58642bc577c84ded17c7b72d97e49b5833e2d73/torch-2.8.0-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:8f0a9d617a66509ded240add3754e462430a6c1fc5589f86c17b433dd808f97a", size = 887990692, upload-time = "2025-08-06T14:56:18.286Z" }, - { url = "https://files.pythonhosted.org/packages/b4/a8/6a04e4b54472fc5dba7ca2341ab219e529f3c07b6941059fbf18dccac31f/torch-2.8.0-cp313-cp313t-win_amd64.whl", hash = "sha256:a7242b86f42be98ac674b88a4988643b9bc6145437ec8f048fea23f72feb5eca", size = 241603453, upload-time = "2025-08-06T14:55:22.945Z" }, - { url = "https://files.pythonhosted.org/packages/04/6e/650bb7f28f771af0cb791b02348db8b7f5f64f40f6829ee82aa6ce99aabe/torch-2.8.0-cp313-none-macosx_11_0_arm64.whl", hash = "sha256:7b677e17f5a3e69fdef7eb3b9da72622f8d322692930297e4ccb52fefc6c8211", size = 73632395, upload-time = "2025-08-06T14:55:28.645Z" }, -] - -[[package]] -name = "torch" -version = "2.8.0+cpu" -source = { registry = "https://download.pytorch.org/whl/cpu" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform != 'darwin' and sys_platform != 'linux'", - "python_full_version == '3.13.*' and sys_platform != 'darwin' and sys_platform != 'linux'", - "python_full_version == '3.12.*' and sys_platform != 'darwin' and sys_platform != 'linux'", - "python_full_version >= '3.14' and sys_platform == 'linux'", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", -] -dependencies = [ - { name = "filelock", marker = "(sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "fsspec", marker = "(sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "jinja2", marker = "(sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "networkx", marker = "(sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "setuptools", marker = "(python_full_version >= '3.12' and sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.12' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "typing-extensions", marker = "(sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp310-cp310-linux_s390x.whl", hash = "sha256:5d255d259fbc65439b671580e40fdb8faea4644761b64fed90d6904ffe71bbc1" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:b2149858b8340aeeb1f3056e0bff5b82b96e43b596fe49a9dba3184522261213" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:16d75fa4e96ea28a785dfd66083ca55eb1058b6d6c5413f01656ca965ee2077e" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp310-cp310-win_amd64.whl", hash = "sha256:7cc4af6ba954f36c2163eab98cf113c137fc25aa8bbf1b06ef155968627beed2" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp311-cp311-linux_s390x.whl", hash = "sha256:2bfc013dd6efdc8f8223a0241d3529af9f315dffefb53ffa3bf14d3f10127da6" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:680129efdeeec3db5da3f88ee5d28c1b1e103b774aef40f9d638e2cce8f8d8d8" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:cb06175284673a581dd91fb1965662ae4ecaba6e5c357aa0ea7bb8b84b6b7eeb" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp311-cp311-win_amd64.whl", hash = "sha256:7631ef49fbd38d382909525b83696dc12a55d68492ade4ace3883c62b9fc140f" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp311-cp311-win_arm64.whl", hash = "sha256:41e6fc5ec0914fcdce44ccf338b1d19a441b55cafdd741fd0bf1af3f9e4cfd14" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp312-cp312-linux_s390x.whl", hash = "sha256:0e34e276722ab7dd0dffa9e12fe2135a9b34a0e300c456ed7ad6430229404eb5" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:610f600c102386e581327d5efc18c0d6edecb9820b4140d26163354a99cd800d" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:cb9a8ba8137ab24e36bf1742cb79a1294bd374db570f09fc15a5e1318160db4e" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp312-cp312-win_amd64.whl", hash = "sha256:2be20b2c05a0cce10430cc25f32b689259640d273232b2de357c35729132256d" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp312-cp312-win_arm64.whl", hash = "sha256:99fc421a5d234580e45957a7b02effbf3e1c884a5dd077afc85352c77bf41434" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp313-cp313-linux_s390x.whl", hash = "sha256:8b5882276633cf91fe3d2d7246c743b94d44a7e660b27f1308007fdb1bb89f7d" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp313-cp313-manylinux_2_28_aarch64.whl", hash = "sha256:a5064b5e23772c8d164068cc7c12e01a75faf7b948ecd95a0d4007d7487e5f25" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:8f81dedb4c6076ec325acc3b47525f9c550e5284a18eae1d9061c543f7b6e7de" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp313-cp313-win_amd64.whl", hash = "sha256:e1ee1b2346ade3ea90306dfbec7e8ff17bc220d344109d189ae09078333b0856" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp313-cp313-win_arm64.whl", hash = "sha256:64c187345509f2b1bb334feed4666e2c781ca381874bde589182f81247e61f88" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp313-cp313t-manylinux_2_28_aarch64.whl", hash = "sha256:af81283ac671f434b1b25c95ba295f270e72db1fad48831eb5e4748ff9840041" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:a9dbb6f64f63258bc811e2c0c99640a81e5af93c531ad96e95c5ec777ea46dab" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp313-cp313t-win_amd64.whl", hash = "sha256:6d93a7165419bc4b2b907e859ccab0dea5deeab261448ae9a5ec5431f14c0e64" }, -] - -[[package]] -name = "torch" -version = "2.8.0+xpu" -source = { registry = "https://download.pytorch.org/whl/xpu" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version >= '3.14' and sys_platform != 'linux'", - "python_full_version == '3.13.*' and sys_platform != 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform != 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform != 'linux'", -] -dependencies = [ - { name = "dpcpp-cpp-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "filelock", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "fsspec", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "impi-rt", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "intel-cmplr-lib-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "intel-cmplr-lib-ur", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "intel-cmplr-lic-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "intel-opencl-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "intel-openmp", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "intel-pti", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "intel-sycl-rt", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "jinja2", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "mkl", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "networkx", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "oneccl", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "oneccl-devel", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'x86_64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "onemkl-sycl-blas", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "onemkl-sycl-dft", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "onemkl-sycl-lapack", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "onemkl-sycl-rng", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "onemkl-sycl-sparse", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pytorch-triton-xpu", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "setuptools", marker = "(python_full_version >= '3.12' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "tbb", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "tcmlib", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "typing-extensions", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "umf", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/xpu/torch-2.8.0%2Bxpu-cp310-cp310-linux_x86_64.whl", hash = "sha256:a339416534262eee12e4d066b09c5513a8910ba5714267b719b89ffa9a056c53" }, - { url = "https://download.pytorch.org/whl/xpu/torch-2.8.0%2Bxpu-cp310-cp310-win_amd64.whl", hash = "sha256:125c60cd59d51b39581a7e9afcd4679bc3a6b8c1f9440b1bb502a23fdd60571e" }, - { url = "https://download.pytorch.org/whl/xpu/torch-2.8.0%2Bxpu-cp311-cp311-linux_x86_64.whl", hash = "sha256:698131dadbe635f75075842d182c50d7792c0a7d564ed2a63ae2131760b12987" }, - { url = "https://download.pytorch.org/whl/xpu/torch-2.8.0%2Bxpu-cp311-cp311-win_amd64.whl", hash = "sha256:47f1a57258cd460e80b38b2ed6744e31587ab77a96b4215bf59546cb4bab5cc0" }, - { url = "https://download.pytorch.org/whl/xpu/torch-2.8.0%2Bxpu-cp312-cp312-linux_x86_64.whl", hash = "sha256:e19db8135bde12a4357e5ca09f0176083ba9e70554dd6c90725a19b21690cbad" }, - { url = "https://download.pytorch.org/whl/xpu/torch-2.8.0%2Bxpu-cp312-cp312-win_amd64.whl", hash = "sha256:0937d8943c145a83d9bafc6f80ef28971167817f9eda26066d33f72caf8a6646" }, - { url = "https://download.pytorch.org/whl/xpu/torch-2.8.0%2Bxpu-cp313-cp313-linux_x86_64.whl", hash = "sha256:6599225a4e83714d8c33b6bfdeafbd85389027d29270635bb7385d62214bee9e" }, - { url = "https://download.pytorch.org/whl/xpu/torch-2.8.0%2Bxpu-cp313-cp313-win_amd64.whl", hash = "sha256:e034aab1d71760dc80a731531be43673ffe15e99033b82d24e40d2e6d41bd8bf" }, - { url = "https://download.pytorch.org/whl/xpu/torch-2.8.0%2Bxpu-cp313-cp313t-linux_x86_64.whl", hash = "sha256:c08a53e0c953be4a27087719cc1028c2abe9944ae7f1dea709446894000cc2d4" }, - { url = "https://download.pytorch.org/whl/xpu/torch-2.8.0%2Bxpu-cp313-cp313t-win_amd64.whl", hash = "sha256:0b6a39618c78a09f3d928587137ae2d6802a84d773e0f847f9b3e43c1f03b592" }, -] - -[[package]] -name = "torch" -version = "2.9.0+cu130" -source = { registry = "https://download.pytorch.org/whl/cu130" } -resolution-markers = [ - "(python_full_version >= '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux') or (python_full_version >= '3.14' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.14' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "python_full_version >= '3.14' and sys_platform != 'linux'", - "python_full_version == '3.13.*' and sys_platform != 'linux'", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "python_full_version == '3.12.*' and sys_platform != 'linux'", - "python_full_version == '3.14.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "python_full_version == '3.11.*' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "python_full_version < '3.11' and sys_platform != 'linux'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", -] -dependencies = [ - { name = "filelock", marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "fsspec", marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "jinja2", marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "networkx", marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cublas", marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cuda-cupti", marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cuda-nvrtc", marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cuda-runtime", marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cudnn-cu13", marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cufft", marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cufile", marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-curand", marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cusolver", marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cusparse", marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-cusparselt-cu13", marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-nccl-cu13", marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-nvjitlink", marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-nvshmem-cu13", marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "nvidia-nvtx", marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "setuptools", marker = "(python_full_version >= '3.12' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "triton", version = "3.5.0", source = { registry = "https://pypi.org/simple" }, marker = "(sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "typing-extensions", marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:46004a346db6bfd69ecd2e42dce48e0fce2ad0e5a910f8203db5206f5515387e" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:856c15eff328534bf6be54349b1684f524abbd521c704ab8b3e077de87810966" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp310-cp310-win_amd64.whl", hash = "sha256:ec07f6494f5c9925bd2e3d76d05a7d50464ddb6295998084073469f50f9e80ef" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:6c7e0205f110b6b057820d4d2128d97bfb536526d35c48969935bb27a9ee9218" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:e748b84e700634fbf08f62319e18e228c861895fd41ea7c73043c81d6d0968c4" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp311-cp311-win_amd64.whl", hash = "sha256:906d163dcce05cf095c3ce076f872c4469175e00e24399900bf9708c54a44cce" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:3aef05b6247261f4a7c440be9a052c4be36c673c6721920181a4ac9a66d6c2a2" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:cc241ffb20428f6a44c299ca06b934445606cf1fa48f3b68ef3af0a04c86bc3b" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp312-cp312-win_amd64.whl", hash = "sha256:b9979a7c0a1c9544a857fc2390ebc89938f116eaaf6a359a0d46597402ca51da" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp313-cp313-manylinux_2_28_aarch64.whl", hash = "sha256:ecf3d24bd4c0e6e425bd778a6de99b52279e0021a60d7eb11ab0c2d669f3f9b0" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:92a92db6cde38d05220c1f7de91ceacff020546386c5b7a0a268dcaae17b5c18" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp313-cp313-win_amd64.whl", hash = "sha256:7d83c2439d01aefc8ffea61cae2b8288cded5a90f60e034bc9830a7dc8029d84" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp313-cp313t-manylinux_2_28_aarch64.whl", hash = "sha256:e5a45f68dd2c93e18d62d8ed5d2ba4243865d32a049b654ad3ee6527bda5b437" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:bd7331780bd444077792b699a535b20a7f1275e3bca99f6bec3c88d324bb0bee" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp313-cp313t-win_amd64.whl", hash = "sha256:5899d5becbec8ecf33edaadc0cfed6a26cf5143ae63ce138988eeb8081b45d81" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp314-cp314-manylinux_2_28_aarch64.whl", hash = "sha256:cb0db232eb9edaad9d2ae4e18f9f0a7763ff5c1774bacd2d6eb4a92a8ba28678" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp314-cp314-manylinux_2_28_x86_64.whl", hash = "sha256:a656d92ec2c8305a00b061f0cac1da4df54bf491fd937e10754c76518a5ce87b" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp314-cp314-win_amd64.whl", hash = "sha256:3c9c96b4168020e91d90756070a793af1ff511cab8090ea487acd12b7419d861" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp314-cp314t-manylinux_2_28_aarch64.whl", hash = "sha256:6fb83834a825d4dfe6cd55cc2b370337ab369110ead6aecda98dcefacc8f3b24" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp314-cp314t-manylinux_2_28_x86_64.whl", hash = "sha256:f3f3cce8e6c13887bedf0354de3a2f4ca8989e9c3d9cb8dc3bc77f7eddf6ea97" }, - { url = "https://download.pytorch.org/whl/cu130/torch-2.9.0%2Bcu130-cp314-cp314t-win_amd64.whl", hash = "sha256:cdc189be3f216661353486e678199d4102f281804ebddd1c4d0f91b10a30963b" }, -] - -[[package]] -name = "torchmetrics" -version = "1.8.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "lightning-utilities" }, - { name = "numpy" }, - { name = "packaging" }, - { name = "torch", version = "2.5.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.5.1+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.6.0+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform != 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0+xpu", source = { registry = "https://download.pytorch.org/whl/xpu" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.9.0+cu130", source = { registry = "https://download.pytorch.org/whl/cu130" }, marker = "extra == 'extra-8-anomalib-cu130' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/85/2e/48a887a59ecc4a10ce9e8b35b3e3c5cef29d902c4eac143378526e7485cb/torchmetrics-1.8.2.tar.gz", hash = "sha256:cf64a901036bf107f17a524009eea7781c9c5315d130713aeca5747a686fe7a5", size = 580679, upload-time = "2025-09-03T14:00:54.077Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/02/21/aa0f434434c48490f91b65962b1ce863fdcce63febc166ca9fe9d706c2b6/torchmetrics-1.8.2-py3-none-any.whl", hash = "sha256:08382fd96b923e39e904c4d570f3d49e2cc71ccabd2a94e0f895d1f0dac86242", size = 983161, upload-time = "2025-09-03T14:00:51.921Z" }, -] - -[[package]] -name = "torchvision" -version = "0.20.1+cu121" -source = { registry = "https://download.pytorch.org/whl/cu121" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version >= '3.14' and sys_platform != 'linux'", - "python_full_version == '3.13.*' and sys_platform != 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform != 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform != 'linux'", -] -dependencies = [ - { name = "numpy", marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pillow", marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.5.1+cu121", source = { registry = "https://download.pytorch.org/whl/cu121" }, marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/cu121/torchvision-0.20.1%2Bcu121-cp310-cp310-linux_x86_64.whl", hash = "sha256:304937b82c933d5155bd04d771f4b187273f67a76050bb4276b521f7e9b4c4e7" }, - { url = "https://download.pytorch.org/whl/cu121/torchvision-0.20.1%2Bcu121-cp310-cp310-win_amd64.whl", hash = "sha256:4cb1e44c1f7a4992f6d38a15633a1e694c093f1c52f3a036b1a719968031507a" }, - { url = "https://download.pytorch.org/whl/cu121/torchvision-0.20.1%2Bcu121-cp311-cp311-linux_x86_64.whl", hash = "sha256:237609a3551c2b68f32bcd3f3875dca93836010d83922ef2f3bd3a7540caee58" }, - { url = "https://download.pytorch.org/whl/cu121/torchvision-0.20.1%2Bcu121-cp311-cp311-win_amd64.whl", hash = "sha256:00143c941b30f2d5001b58f8caada826aaa4dce94b8ae4192730e5c34165fa8c" }, - { url = "https://download.pytorch.org/whl/cu121/torchvision-0.20.1%2Bcu121-cp312-cp312-linux_x86_64.whl", hash = "sha256:48cf3a716f70370ed5dcb656e7497415ef37860b07e67ea4b1ef8598efe28445" }, - { url = "https://download.pytorch.org/whl/cu121/torchvision-0.20.1%2Bcu121-cp312-cp312-win_amd64.whl", hash = "sha256:12b764936fc3fde29d7165adc7c721e491fa75c7a498c9fbaa08757b5fe59fe7" }, -] - -[[package]] -name = "torchvision" -version = "0.20.1+rocm6.1" -source = { registry = "https://download.pytorch.org/whl/rocm6.1" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version >= '3.14' and sys_platform != 'linux'", - "python_full_version == '3.13.*' and sys_platform != 'linux'", -] -dependencies = [ - { name = "numpy", marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pillow", marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.5.1+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version >= '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/rocm6.1/torchvision-0.20.1%2Brocm6.1-cp310-cp310-linux_x86_64.whl", hash = "sha256:08e5d2ae574ae92b3b3212d9e6e531009c44e0975b39b08e9ac3ba03dda68572" }, - { url = "https://download.pytorch.org/whl/rocm6.1/torchvision-0.20.1%2Brocm6.1-cp311-cp311-linux_x86_64.whl", hash = "sha256:5d3ab077facb38de7b7cf5822cd1f88db793e910b1bdaf01d1611809bb95cb3e" }, - { url = "https://download.pytorch.org/whl/rocm6.1/torchvision-0.20.1%2Brocm6.1-cp312-cp312-linux_x86_64.whl", hash = "sha256:da61b465edf1e69e71d13a0db51e40e6ab9320db5c6ab4436b755801b0fd18dc" }, -] - -[[package]] -name = "torchvision" -version = "0.21.0+cu124" -source = { registry = "https://download.pytorch.org/whl/cu124" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version >= '3.14' and sys_platform != 'linux'", - "python_full_version == '3.13.*' and sys_platform != 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform != 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform != 'linux'", -] -dependencies = [ - { name = "numpy", marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pillow", marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "extra == 'extra-8-anomalib-cu124' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/cu124/torchvision-0.21.0%2Bcu124-cp310-cp310-linux_x86_64.whl", hash = "sha256:3d3e74018eaa7837c73e3764dad3b7792b7544401c25a42977e9744303731bd3" }, - { url = "https://download.pytorch.org/whl/cu124/torchvision-0.21.0%2Bcu124-cp310-cp310-win_amd64.whl", hash = "sha256:0c6aefb70ab2b312065240c804e459ac7b0e449867afd469b38d2fd47f9391a7" }, - { url = "https://download.pytorch.org/whl/cu124/torchvision-0.21.0%2Bcu124-cp311-cp311-linux_x86_64.whl", hash = "sha256:137376805aca5ba57bd2c7a3ecb8569df961dbe82b128aac9b3b0a7125ef9385" }, - { url = "https://download.pytorch.org/whl/cu124/torchvision-0.21.0%2Bcu124-cp311-cp311-win_amd64.whl", hash = "sha256:000a013584ad2304ab30496318145f284ac364622addb5ee3a5abd2769ba146f" }, - { url = "https://download.pytorch.org/whl/cu124/torchvision-0.21.0%2Bcu124-cp312-cp312-linux_x86_64.whl", hash = "sha256:efb53ea0af7bf09b7b53e2a18b9be6d245f7d46a90b51d5cf97f37e9b929a991" }, - { url = "https://download.pytorch.org/whl/cu124/torchvision-0.21.0%2Bcu124-cp312-cp312-win_amd64.whl", hash = "sha256:ec63c2ee792757492da40590e34b14f2fceda29050558c215f0c1f3b08149c0f" }, - { url = "https://download.pytorch.org/whl/cu124/torchvision-0.21.0%2Bcu124-cp313-cp313-linux_x86_64.whl", hash = "sha256:4b70acf3b4b96a0ceb1374116626c9bef9e8be016b57b1284e482260ca1896d6" }, - { url = "https://download.pytorch.org/whl/cu124/torchvision-0.21.0%2Bcu124-cp313-cp313-win_amd64.whl", hash = "sha256:8fcf55321b206de70ff8e01c884fa42e57a60b1cb749341b96e0f22c8a7c9ec7" }, -] - -[[package]] -name = "torchvision" -version = "0.21.0+rocm6.1" -source = { registry = "https://download.pytorch.org/whl/rocm6.1" } -resolution-markers = [ - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform != 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform != 'linux'", -] -dependencies = [ - { name = "numpy", marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pillow", marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.6.0+rocm6.1", source = { registry = "https://download.pytorch.org/whl/rocm6.1" }, marker = "(python_full_version < '3.13' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/rocm6.1/torchvision-0.21.0%2Brocm6.1-cp310-cp310-linux_x86_64.whl", hash = "sha256:66de98be801422ccccb2e2a1db3c1999bdd23fc4f9cd1705d1f49c1d54bc6ceb" }, - { url = "https://download.pytorch.org/whl/rocm6.1/torchvision-0.21.0%2Brocm6.1-cp311-cp311-linux_x86_64.whl", hash = "sha256:1ea6180a05a3f15dabf06d5742198f1cd833a3832090e41312054f42819e96eb" }, - { url = "https://download.pytorch.org/whl/rocm6.1/torchvision-0.21.0%2Brocm6.1-cp312-cp312-linux_x86_64.whl", hash = "sha256:877010ccdf2cd1551fdbd685151f71f9b680df6d4e1ea17d6607d715119c00a6" }, - { url = "https://download.pytorch.org/whl/rocm6.1/torchvision-0.21.0%2Brocm6.1-cp313-cp313-linux_x86_64.whl", hash = "sha256:94771124b43808484529d0eb7686804a858fd340a9157c3c3bf6f937153d791b" }, -] - -[[package]] -name = "torchvision" -version = "0.22.1+cu118" -source = { registry = "https://download.pytorch.org/whl/cu118" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version >= '3.14' and sys_platform != 'linux'", - "python_full_version == '3.13.*' and sys_platform != 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform != 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform != 'linux'", -] -dependencies = [ - { name = "numpy", marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pillow", marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/cu118/torchvision-0.22.1%2Bcu118-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:64954400493caf614b5aebded9b5a63eda8753cea9f8a1e32752eb2adc6ed383" }, - { url = "https://download.pytorch.org/whl/cu118/torchvision-0.22.1%2Bcu118-cp310-cp310-win_amd64.whl", hash = "sha256:608ea6cb93eb66cdf273cab41122f83191c198c3c4ff583609f0e6e184f52865" }, - { url = "https://download.pytorch.org/whl/cu118/torchvision-0.22.1%2Bcu118-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:6dd3d825fb4a75eae887665d1da812a360d69273118bfa17616c836bfb466627" }, - { url = "https://download.pytorch.org/whl/cu118/torchvision-0.22.1%2Bcu118-cp311-cp311-win_amd64.whl", hash = "sha256:98a626661670cd96faeef05b33a140a09f9f134b0ab38d127b6ebbcf73d42bf5" }, - { url = "https://download.pytorch.org/whl/cu118/torchvision-0.22.1%2Bcu118-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:e4a8696261b8c64297a2683656f4ee64418d7ee391627702fe5c06b72ce81123" }, - { url = "https://download.pytorch.org/whl/cu118/torchvision-0.22.1%2Bcu118-cp312-cp312-win_amd64.whl", hash = "sha256:3e927a3b0b08c7582cfa09e5f16b35435de390a612cfe76eed1418ab7b68d6b6" }, - { url = "https://download.pytorch.org/whl/cu118/torchvision-0.22.1%2Bcu118-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:9e0306a2f0452ea454a5e8b9e89b331c2d7fed6d4c4dcc1358b4f8cc21fc130e" }, - { url = "https://download.pytorch.org/whl/cu118/torchvision-0.22.1%2Bcu118-cp313-cp313-win_amd64.whl", hash = "sha256:2dd71de1013c1929ea404832b863f769f3fa8b466cc7653b567becf16eedc91b" }, - { url = "https://download.pytorch.org/whl/cu118/torchvision-0.22.1%2Bcu118-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:c8a1e3862f5f7a0c0446211db467be247efe03c46889e1eecbae760f96d2b98e" }, - { url = "https://download.pytorch.org/whl/cu118/torchvision-0.22.1%2Bcu118-cp313-cp313t-win_amd64.whl", hash = "sha256:ab848efeb898a7844d7a245e62d2a7982b3d56daf0619283103d8fff6b694d3c" }, -] - -[[package]] -name = "torchvision" -version = "0.23.0" -source = { registry = "https://download.pytorch.org/whl/cpu" } -resolution-markers = [ - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "python_full_version >= '3.14' and sys_platform == 'darwin'", - "python_full_version == '3.13.*' and sys_platform == 'darwin'", - "python_full_version == '3.12.*' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'darwin'", -] -dependencies = [ - { name = "numpy", marker = "(python_full_version < '3.14' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pillow", marker = "(python_full_version < '3.14' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.14' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.14' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:7266871daca00ad46d1c073e55d972179d12a58fa5c9adec9a3db9bbed71284a" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:31c583ba27426a3a04eca8c05450524105c1564db41be6632f7536ef405a6de2" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:49aa20e21f0c2bd458c71d7b449776cbd5f16693dd5807195a820612b8a229b7" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:01dc33ee24c79148aee7cdbcf34ae8a3c9da1674a591e781577b716d233b1fa6" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:e0e2c04a91403e8dd3af9756c6a024a1d9c0ed9c0d592a8314ded8f4fe30d440" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:6dd7c4d329a0e03157803031bc856220c6155ef08c26d4f5bbac938acecf0948" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:1c37e325e09a184b730c3ef51424f383ec5745378dc0eca244520aca29722600" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0-cp313-cp313-manylinux_2_28_aarch64.whl", hash = "sha256:2f7fd6c15f3697e80627b77934f77705f3bc0e98278b989b2655de01f6903e1d" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:2df618e1143805a7673aaf82cb5720dd9112d4e771983156aaf2ffff692eebf9" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0-cp313-cp313t-manylinux_2_28_aarch64.whl", hash = "sha256:2a3299d2b1d5a7aed2d3b6ffb69c672ca8830671967eb1cee1497bacd82fe47b" }, -] - -[[package]] -name = "torchvision" -version = "0.23.0" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version >= '3.14' and sys_platform != 'linux'", - "python_full_version == '3.13.*' and sys_platform != 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform != 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform != 'linux'", -] -dependencies = [ - { name = "numpy", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')" }, - { name = "pillow", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra != 'extra-8-anomalib-rocm' and extra != 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/4d/49/5ad5c3ff4920be0adee9eb4339b4fb3b023a0fc55b9ed8dbc73df92946b8/torchvision-0.23.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:7266871daca00ad46d1c073e55d972179d12a58fa5c9adec9a3db9bbed71284a", size = 1856885, upload-time = "2025-08-06T14:57:55.024Z" }, - { url = "https://files.pythonhosted.org/packages/25/44/ddd56d1637bac42a8c5da2c8c440d8a28c431f996dd9790f32dd9a96ca6e/torchvision-0.23.0-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:31c583ba27426a3a04eca8c05450524105c1564db41be6632f7536ef405a6de2", size = 2394251, upload-time = "2025-08-06T14:58:01.725Z" }, - { url = "https://files.pythonhosted.org/packages/93/f3/3cdf55bbf0f737304d997561c34ab0176222e0496b6743b0feab5995182c/torchvision-0.23.0-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:3932bf67256f2d095ce90a9f826f6033694c818856f4bb26794cf2ce64253e53", size = 8627497, upload-time = "2025-08-06T14:58:09.317Z" }, - { url = "https://files.pythonhosted.org/packages/97/90/02afe57c3ef4284c5cf89d3b7ae203829b3a981f72b93a7dd2a3fd2c83c1/torchvision-0.23.0-cp310-cp310-win_amd64.whl", hash = "sha256:83ee5bf827d61a8af14620c0a61d8608558638ac9c3bac8adb7b27138e2147d1", size = 1600760, upload-time = "2025-08-06T14:57:56.783Z" }, - { url = "https://files.pythonhosted.org/packages/f0/d7/15d3d7bd8d0239211b21673d1bac7bc345a4ad904a8e25bb3fd8a9cf1fbc/torchvision-0.23.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:49aa20e21f0c2bd458c71d7b449776cbd5f16693dd5807195a820612b8a229b7", size = 1856884, upload-time = "2025-08-06T14:58:00.237Z" }, - { url = "https://files.pythonhosted.org/packages/dd/14/7b44fe766b7d11e064c539d92a172fa9689a53b69029e24f2f1f51e7dc56/torchvision-0.23.0-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:01dc33ee24c79148aee7cdbcf34ae8a3c9da1674a591e781577b716d233b1fa6", size = 2395543, upload-time = "2025-08-06T14:58:04.373Z" }, - { url = "https://files.pythonhosted.org/packages/79/9c/fcb09aff941c8147d9e6aa6c8f67412a05622b0c750bcf796be4c85a58d4/torchvision-0.23.0-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:35c27941831b653f5101edfe62c03d196c13f32139310519e8228f35eae0e96a", size = 8628388, upload-time = "2025-08-06T14:58:07.802Z" }, - { url = "https://files.pythonhosted.org/packages/93/40/3415d890eb357b25a8e0a215d32365a88ecc75a283f75c4e919024b22d97/torchvision-0.23.0-cp311-cp311-win_amd64.whl", hash = "sha256:09bfde260e7963a15b80c9e442faa9f021c7e7f877ac0a36ca6561b367185013", size = 1600741, upload-time = "2025-08-06T14:57:59.158Z" }, - { url = "https://files.pythonhosted.org/packages/df/1d/0ea0b34bde92a86d42620f29baa6dcbb5c2fc85990316df5cb8f7abb8ea2/torchvision-0.23.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:e0e2c04a91403e8dd3af9756c6a024a1d9c0ed9c0d592a8314ded8f4fe30d440", size = 1856885, upload-time = "2025-08-06T14:58:06.503Z" }, - { url = "https://files.pythonhosted.org/packages/e2/00/2f6454decc0cd67158c7890364e446aad4b91797087a57a78e72e1a8f8bc/torchvision-0.23.0-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:6dd7c4d329a0e03157803031bc856220c6155ef08c26d4f5bbac938acecf0948", size = 2396614, upload-time = "2025-08-06T14:58:03.116Z" }, - { url = "https://files.pythonhosted.org/packages/e4/b5/3e580dcbc16f39a324f3dd71b90edbf02a42548ad44d2b4893cc92b1194b/torchvision-0.23.0-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:4e7d31c43bc7cbecbb1a5652ac0106b436aa66e26437585fc2c4b2cf04d6014c", size = 8627108, upload-time = "2025-08-06T14:58:12.956Z" }, - { url = "https://files.pythonhosted.org/packages/82/c1/c2fe6d61e110a8d0de2f94276899a2324a8f1e6aee559eb6b4629ab27466/torchvision-0.23.0-cp312-cp312-win_amd64.whl", hash = "sha256:a2e45272abe7b8bf0d06c405e78521b5757be1bd0ed7e5cd78120f7fdd4cbf35", size = 1600723, upload-time = "2025-08-06T14:57:57.986Z" }, - { url = "https://files.pythonhosted.org/packages/91/37/45a5b9407a7900f71d61b2b2f62db4b7c632debca397f205fdcacb502780/torchvision-0.23.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:1c37e325e09a184b730c3ef51424f383ec5745378dc0eca244520aca29722600", size = 1856886, upload-time = "2025-08-06T14:58:05.491Z" }, - { url = "https://files.pythonhosted.org/packages/ac/da/a06c60fc84fc849377cf035d3b3e9a1c896d52dbad493b963c0f1cdd74d0/torchvision-0.23.0-cp313-cp313-manylinux_2_28_aarch64.whl", hash = "sha256:2f7fd6c15f3697e80627b77934f77705f3bc0e98278b989b2655de01f6903e1d", size = 2353112, upload-time = "2025-08-06T14:58:26.265Z" }, - { url = "https://files.pythonhosted.org/packages/a0/27/5ce65ba5c9d3b7d2ccdd79892ab86a2f87ac2ca6638f04bb0280321f1a9c/torchvision-0.23.0-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:a76fafe113b2977be3a21bf78f115438c1f88631d7a87203acb3dd6ae55889e6", size = 8627658, upload-time = "2025-08-06T14:58:15.999Z" }, - { url = "https://files.pythonhosted.org/packages/1f/e4/028a27b60aa578a2fa99d9d7334ff1871bb17008693ea055a2fdee96da0d/torchvision-0.23.0-cp313-cp313-win_amd64.whl", hash = "sha256:07d069cb29691ff566e3b7f11f20d91044f079e1dbdc9d72e0655899a9b06938", size = 1600749, upload-time = "2025-08-06T14:58:10.719Z" }, - { url = "https://files.pythonhosted.org/packages/05/35/72f91ad9ac7c19a849dedf083d347dc1123f0adeb401f53974f84f1d04c8/torchvision-0.23.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:2df618e1143805a7673aaf82cb5720dd9112d4e771983156aaf2ffff692eebf9", size = 2047192, upload-time = "2025-08-06T14:58:11.813Z" }, - { url = "https://files.pythonhosted.org/packages/1d/9d/406cea60a9eb9882145bcd62a184ee61e823e8e1d550cdc3c3ea866a9445/torchvision-0.23.0-cp313-cp313t-manylinux_2_28_aarch64.whl", hash = "sha256:2a3299d2b1d5a7aed2d3b6ffb69c672ca8830671967eb1cee1497bacd82fe47b", size = 2359295, upload-time = "2025-08-06T14:58:17.469Z" }, - { url = "https://files.pythonhosted.org/packages/2b/f4/34662f71a70fa1e59de99772142f22257ca750de05ccb400b8d2e3809c1d/torchvision-0.23.0-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:76bc4c0b63d5114aa81281390f8472a12a6a35ce9906e67ea6044e5af4cab60c", size = 8800474, upload-time = "2025-08-06T14:58:22.53Z" }, - { url = "https://files.pythonhosted.org/packages/6e/f5/b5a2d841a8d228b5dbda6d524704408e19e7ca6b7bb0f24490e081da1fa1/torchvision-0.23.0-cp313-cp313t-win_amd64.whl", hash = "sha256:b9e2dabf0da9c8aa9ea241afb63a8f3e98489e706b22ac3f30416a1be377153b", size = 1527667, upload-time = "2025-08-06T14:58:14.446Z" }, -] - -[[package]] -name = "torchvision" -version = "0.23.0+cpu" -source = { registry = "https://download.pytorch.org/whl/cpu" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform != 'darwin' and sys_platform != 'linux'", - "python_full_version == '3.13.*' and sys_platform != 'darwin' and sys_platform != 'linux'", - "python_full_version == '3.12.*' and sys_platform != 'darwin' and sys_platform != 'linux'", - "python_full_version >= '3.14' and sys_platform == 'linux'", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux'", -] -dependencies = [ - { name = "numpy", marker = "(python_full_version >= '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pillow", marker = "(python_full_version >= '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.14' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (platform_python_implementation != 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-8-anomalib-cpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform == 'darwin' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0%2Bcpu-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:bc6cee94bcc145d59426fd5289ca91e42cdb60e9886590f29d88f9f03c6bdea3" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0%2Bcpu-cp310-cp310-win_amd64.whl", hash = "sha256:758fa965628ec53712fffdd866401329e8a5f2c5d36325b17aad771d2d2e3495" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0%2Bcpu-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:d83d8075db43b8ca89680bdeb2f100c832e2a3aa61ee42c038b1a146e5e511b6" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0%2Bcpu-cp311-cp311-win_amd64.whl", hash = "sha256:51603eb071d0681abc4db98b10ff394ace31f425852e8de249b91c09c60eb19a" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0%2Bcpu-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:ae459d4509d3b837b978dc6c66106601f916b6d2cda75c137e3f5f48324ce1da" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0%2Bcpu-cp312-cp312-win_amd64.whl", hash = "sha256:a651ccc540cf4c87eb988730c59c2220c52b57adc276f044e7efb9830fa65a1d" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0%2Bcpu-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:dea90a67d60a5366b0358a0b8d6bf267805278697d6fd950cf0e31139e56d1be" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0%2Bcpu-cp313-cp313-win_amd64.whl", hash = "sha256:82928788025170c62e7df1120dcdc0cd175bfc31c08374613ce6d1a040bc0cda" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0%2Bcpu-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:474d77adbbbed5166db3e5636b4b4ae3399c66ef5bfa12536e254b32259c90c0" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0%2Bcpu-cp313-cp313t-win_amd64.whl", hash = "sha256:8d6a47e23d7896f0ef9aa7ea7179eb6324e82438aa66d19884c2020d0646b104" }, -] - -[[package]] -name = "torchvision" -version = "0.23.0+xpu" -source = { registry = "https://download.pytorch.org/whl/xpu" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version >= '3.14' and sys_platform != 'linux'", - "python_full_version == '3.13.*' and sys_platform != 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform != 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform != 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform != 'linux'", -] -dependencies = [ - { name = "numpy", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pillow", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.8.0+xpu", source = { registry = "https://download.pytorch.org/whl/xpu" }, marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/xpu/torchvision-0.23.0%2Bxpu-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:e5ba4805969277175ebfd59cc717093528cc6e3ada89ac2725fc7a3c1fee6169" }, - { url = "https://download.pytorch.org/whl/xpu/torchvision-0.23.0%2Bxpu-cp310-cp310-win_amd64.whl", hash = "sha256:005fca5e658ca8e37adb63c1a021c84f5e56dfa6cf0d601d89cfe40b9473f79f" }, - { url = "https://download.pytorch.org/whl/xpu/torchvision-0.23.0%2Bxpu-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:74c39c144104416bc4c5ad8c26ab0c169dc5cc6be58059e01bc3665dd0ef676f" }, - { url = "https://download.pytorch.org/whl/xpu/torchvision-0.23.0%2Bxpu-cp311-cp311-win_amd64.whl", hash = "sha256:c6d030f5361461550c0ff1339b5bca8585fc1e84fda2e64b6184e65a581e4f98" }, - { url = "https://download.pytorch.org/whl/xpu/torchvision-0.23.0%2Bxpu-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:0acec355b80c3899841184084f365df336c508602812e34a44007b8b60d53af4" }, - { url = "https://download.pytorch.org/whl/xpu/torchvision-0.23.0%2Bxpu-cp312-cp312-win_amd64.whl", hash = "sha256:91aafd61864cdce27461cbec13ddbf28c1bc6494265a1e4b80131c64a3b7d18f" }, - { url = "https://download.pytorch.org/whl/xpu/torchvision-0.23.0%2Bxpu-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:e2109ae773dad27b98ca17681044b4f876563c37f2382b75de3a371399edcff8" }, - { url = "https://download.pytorch.org/whl/xpu/torchvision-0.23.0%2Bxpu-cp313-cp313-win_amd64.whl", hash = "sha256:71dc4a6421742ed1e7f585b04a100ad53615c341fbccfbc255aefb38ea9091da" }, - { url = "https://download.pytorch.org/whl/xpu/torchvision-0.23.0%2Bxpu-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:89a6769ff7a0a0bb7b05dfabbf3822ea6487b4078ced9a8074ae7c559c0d27ed" }, - { url = "https://download.pytorch.org/whl/xpu/torchvision-0.23.0%2Bxpu-cp313-cp313t-win_amd64.whl", hash = "sha256:76b3ae39809041699af92b678fac61abec571b7ba918b95e5d4441fc1c862679" }, -] - -[[package]] -name = "torchvision" -version = "0.24.0" -source = { registry = "https://download.pytorch.org/whl/cu130" } -resolution-markers = [ - "python_full_version == '3.14.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", -] -dependencies = [ - { name = "numpy", marker = "(python_full_version < '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pillow", marker = "(python_full_version < '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.9.0+cu130", source = { registry = "https://download.pytorch.org/whl/cu130" }, marker = "(python_full_version < '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux' and extra == 'extra-8-anomalib-cu130') or (python_full_version >= '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (python_full_version >= '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:b239f39dfcfb4dcb98bd1d6688b0f487c1bdf589112bbea09408178c822a8135" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:73d30ba697fff5f7c77cd58856c47ee24b7d7cd7d922597c2e9bdddf247da3be" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:bfca4bfa0f21ee0b67da26fd207be59e54ac6b188076abffd5d1dc5fca8889f2" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0-cp313-cp313-manylinux_2_28_aarch64.whl", hash = "sha256:4964e10fa3da769e97dde0beae00485d9f8b61da184605e163b435d2fd7929f5" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0-cp313-cp313t-manylinux_2_28_aarch64.whl", hash = "sha256:5c81a5f78b56aa4f9423e2f0b633b52a9b0a2ebcf35eda1fcef1ef0ddddc0a74" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0-cp314-cp314-manylinux_2_28_aarch64.whl", hash = "sha256:17796ba46108217166898e6c4d922df64fbd1fb903d3d30fc7109c9ceb122273" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0-cp314-cp314t-manylinux_2_28_aarch64.whl", hash = "sha256:d98b4093a67b0be7b29ee372585367c0deeb30643647cb5b77458baef7e066e4" }, -] - -[[package]] -name = "torchvision" -version = "0.24.0+cu130" -source = { registry = "https://download.pytorch.org/whl/cu130" } -resolution-markers = [ - "(python_full_version >= '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux') or (python_full_version >= '3.14' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.14' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "python_full_version >= '3.14' and sys_platform != 'linux'", - "python_full_version == '3.13.*' and sys_platform != 'linux'", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "python_full_version == '3.12.*' and sys_platform != 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "python_full_version == '3.11.*' and sys_platform != 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "python_full_version < '3.11' and sys_platform != 'linux'", -] -dependencies = [ - { name = "numpy", marker = "(python_full_version >= '3.15' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.15' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "pillow", marker = "(python_full_version >= '3.15' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.15' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "torch", version = "2.9.0+cu130", source = { registry = "https://download.pytorch.org/whl/cu130" }, marker = "(python_full_version >= '3.15' and extra == 'extra-8-anomalib-cu130') or (python_full_version < '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (python_full_version < '3.15' and extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (python_full_version < '3.15' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-cu130') or (platform_machine != 'aarch64' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-cu130') or (platform_python_implementation != 'CPython' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-cu130') or (sys_platform != 'linux' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0%2Bcu130-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:fa9686cc9d15fac0b6e22ed4e0935e4a056296098d55f02f6b3e9c03155a484e" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0%2Bcu130-cp310-cp310-win_amd64.whl", hash = "sha256:653df59ce7afe70b7ae4de171d22ec845a6743f0bc1fba1e2018151e1dec3a13" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0%2Bcu130-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:11f26360e37da18e82b57e6cccc37c8ae23a36d9211c147c2a37938af8660334" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0%2Bcu130-cp311-cp311-win_amd64.whl", hash = "sha256:b60ed1bc14a9bde49552ef42174f4e75e4d6aeaacecea5b430c3ce9f52fa9a22" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0%2Bcu130-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:0be70bd2e71fceec225da9436650c7c830ec71a9443071a3a5b66d1b27ebd9df" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0%2Bcu130-cp312-cp312-win_amd64.whl", hash = "sha256:1c1b3aeb3d3a47d8128e75623b5bb719bffe78c50e5ac6256d72bd6771e3b2fe" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0%2Bcu130-cp313-cp313-manylinux_2_28_x86_64.whl", hash = "sha256:b7a9d83c0a56d7b8d9018450c2f686d269b151553e64ca9e7ff611fefff74ab8" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0%2Bcu130-cp313-cp313-win_amd64.whl", hash = "sha256:7b9b7b64761628a42f2273f9fa4975b0ed9c01c1a4f91123d743d2dcdad594f5" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0%2Bcu130-cp313-cp313t-manylinux_2_28_x86_64.whl", hash = "sha256:7617870d4ad2a067c62512c024f66dce703d744ce424c374fdead66c047ef0ab" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0%2Bcu130-cp313-cp313t-win_amd64.whl", hash = "sha256:c1e55f3a33452c6958bb9b25d4f03c9ccd24e139607c97c7322a1b9b26eeda1f" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0%2Bcu130-cp314-cp314-manylinux_2_28_x86_64.whl", hash = "sha256:507a45b6874fdf46b5dd15d3a03b10b5612fe50658b2fb4de3998ad45758c1af" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0%2Bcu130-cp314-cp314-win_amd64.whl", hash = "sha256:8d241c2d66267272858be6dc4419500957705fe3e38cdad178a2cbc3b01817e3" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0%2Bcu130-cp314-cp314t-manylinux_2_28_x86_64.whl", hash = "sha256:c9a290a0ace580854c8f741ec3c8cc1a1fce16a8ad51d298d3f8d9c985527f0e" }, - { url = "https://download.pytorch.org/whl/cu130/torchvision-0.24.0%2Bcu130-cp314-cp314t-win_amd64.whl", hash = "sha256:32613a3b76a002330db81ed63994ec8fb4aef38a3affb626c435aea9607187b9" }, -] - -[[package]] -name = "tornado" -version = "6.5.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/09/ce/1eb500eae19f4648281bb2186927bb062d2438c2e5093d1360391afd2f90/tornado-6.5.2.tar.gz", hash = "sha256:ab53c8f9a0fa351e2c0741284e06c7a45da86afb544133201c5cc8578eb076a0", size = 510821, upload-time = "2025-08-08T18:27:00.78Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/f6/48/6a7529df2c9cc12efd2e8f5dd219516184d703b34c06786809670df5b3bd/tornado-6.5.2-cp39-abi3-macosx_10_9_universal2.whl", hash = "sha256:2436822940d37cde62771cff8774f4f00b3c8024fe482e16ca8387b8a2724db6", size = 442563, upload-time = "2025-08-08T18:26:42.945Z" }, - { url = "https://files.pythonhosted.org/packages/f2/b5/9b575a0ed3e50b00c40b08cbce82eb618229091d09f6d14bce80fc01cb0b/tornado-6.5.2-cp39-abi3-macosx_10_9_x86_64.whl", hash = "sha256:583a52c7aa94ee046854ba81d9ebb6c81ec0fd30386d96f7640c96dad45a03ef", size = 440729, upload-time = "2025-08-08T18:26:44.473Z" }, - { url = "https://files.pythonhosted.org/packages/1b/4e/619174f52b120efcf23633c817fd3fed867c30bff785e2cd5a53a70e483c/tornado-6.5.2-cp39-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b0fe179f28d597deab2842b86ed4060deec7388f1fd9c1b4a41adf8af058907e", size = 444295, upload-time = "2025-08-08T18:26:46.021Z" }, - { url = "https://files.pythonhosted.org/packages/95/fa/87b41709552bbd393c85dd18e4e3499dcd8983f66e7972926db8d96aa065/tornado-6.5.2-cp39-abi3-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b186e85d1e3536d69583d2298423744740986018e393d0321df7340e71898882", size = 443644, upload-time = "2025-08-08T18:26:47.625Z" }, - { url = "https://files.pythonhosted.org/packages/f9/41/fb15f06e33d7430ca89420283a8762a4e6b8025b800ea51796ab5e6d9559/tornado-6.5.2-cp39-abi3-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e792706668c87709709c18b353da1f7662317b563ff69f00bab83595940c7108", size = 443878, upload-time = "2025-08-08T18:26:50.599Z" }, - { url = "https://files.pythonhosted.org/packages/11/92/fe6d57da897776ad2e01e279170ea8ae726755b045fe5ac73b75357a5a3f/tornado-6.5.2-cp39-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:06ceb1300fd70cb20e43b1ad8aaee0266e69e7ced38fa910ad2e03285009ce7c", size = 444549, upload-time = "2025-08-08T18:26:51.864Z" }, - { url = "https://files.pythonhosted.org/packages/9b/02/c8f4f6c9204526daf3d760f4aa555a7a33ad0e60843eac025ccfd6ff4a93/tornado-6.5.2-cp39-abi3-musllinux_1_2_i686.whl", hash = "sha256:74db443e0f5251be86cbf37929f84d8c20c27a355dd452a5cfa2aada0d001ec4", size = 443973, upload-time = "2025-08-08T18:26:53.625Z" }, - { url = "https://files.pythonhosted.org/packages/ae/2d/f5f5707b655ce2317190183868cd0f6822a1121b4baeae509ceb9590d0bd/tornado-6.5.2-cp39-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:b5e735ab2889d7ed33b32a459cac490eda71a1ba6857b0118de476ab6c366c04", size = 443954, upload-time = "2025-08-08T18:26:55.072Z" }, - { url = "https://files.pythonhosted.org/packages/e8/59/593bd0f40f7355806bf6573b47b8c22f8e1374c9b6fd03114bd6b7a3dcfd/tornado-6.5.2-cp39-abi3-win32.whl", hash = "sha256:c6f29e94d9b37a95013bb669616352ddb82e3bfe8326fccee50583caebc8a5f0", size = 445023, upload-time = "2025-08-08T18:26:56.677Z" }, - { url = "https://files.pythonhosted.org/packages/c7/2a/f609b420c2f564a748a2d80ebfb2ee02a73ca80223af712fca591386cafb/tornado-6.5.2-cp39-abi3-win_amd64.whl", hash = "sha256:e56a5af51cc30dd2cae649429af65ca2f6571da29504a07995175df14c18f35f", size = 445427, upload-time = "2025-08-08T18:26:57.91Z" }, - { url = "https://files.pythonhosted.org/packages/5e/4f/e1f65e8f8c76d73658b33d33b81eed4322fb5085350e4328d5c956f0c8f9/tornado-6.5.2-cp39-abi3-win_arm64.whl", hash = "sha256:d6c33dc3672e3a1f3618eb63b7ef4683a7688e7b9e6e8f0d9aa5726360a004af", size = 444456, upload-time = "2025-08-08T18:26:59.207Z" }, -] - -[[package]] -name = "tox" -version = "4.32.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "cachetools" }, - { name = "chardet" }, - { name = "colorama" }, - { name = "filelock" }, - { name = "packaging" }, - { name = "platformdirs" }, - { name = "pluggy" }, - { name = "pyproject-api" }, - { name = "tomli", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "typing-extensions", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, - { name = "virtualenv" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/59/bf/0e4dbd42724cbae25959f0e34c95d0c730df03ab03f54d52accd9abfc614/tox-4.32.0.tar.gz", hash = "sha256:1ad476b5f4d3679455b89a992849ffc3367560bbc7e9495ee8a3963542e7c8ff", size = 203330, upload-time = "2025-10-24T18:03:38.132Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/fc/cc/e09c0d663a004945f82beecd4f147053567910479314e8d01ba71e5d5dea/tox-4.32.0-py3-none-any.whl", hash = "sha256:451e81dc02ba8d1ed20efd52ee409641ae4b5d5830e008af10fe8823ef1bd551", size = 175905, upload-time = "2025-10-24T18:03:36.337Z" }, -] - -[[package]] -name = "tqdm" -version = "4.67.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "colorama", marker = "sys_platform == 'win32' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/a8/4b/29b4ef32e036bb34e4ab51796dd745cdba7ed47ad142a9f4a1eb8e0c744d/tqdm-4.67.1.tar.gz", hash = "sha256:f8aef9c52c08c13a65f30ea34f4e5aac3fd1a34959879d7e59e63027286627f2", size = 169737, upload-time = "2024-11-24T20:12:22.481Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/d0/30/dc54f88dd4a2b5dc8a0279bdd7270e735851848b762aeb1c1184ed1f6b14/tqdm-4.67.1-py3-none-any.whl", hash = "sha256:26445eca388f82e72884e0d580d5464cd801a3ea01e63e5601bdff9ba6a48de2", size = 78540, upload-time = "2024-11-24T20:12:19.698Z" }, -] - -[[package]] -name = "traitlets" -version = "5.14.3" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/eb/79/72064e6a701c2183016abbbfedaba506d81e30e232a68c9f0d6f6fcd1574/traitlets-5.14.3.tar.gz", hash = "sha256:9ed0579d3502c94b4b3732ac120375cda96f923114522847de4b3bb98b96b6b7", size = 161621, upload-time = "2024-04-19T11:11:49.746Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/00/c0/8f5d070730d7836adc9c9b6408dec68c6ced86b304a9b26a14df072a6e8c/traitlets-5.14.3-py3-none-any.whl", hash = "sha256:b74e89e397b1ed28cc831db7aea759ba6640cb3de13090ca145426688ff1ac4f", size = 85359, upload-time = "2024-04-19T11:11:46.763Z" }, -] - -[[package]] -name = "transformers" -version = "4.57.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "filelock" }, - { name = "huggingface-hub" }, - { name = "numpy" }, - { name = "packaging" }, - { name = "pyyaml" }, - { name = "regex" }, - { name = "requests" }, - { name = "safetensors" }, - { name = "tokenizers" }, - { name = "tqdm" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/d6/68/a39307bcc4116a30b2106f2e689130a48de8bd8a1e635b5e1030e46fcd9e/transformers-4.57.1.tar.gz", hash = "sha256:f06c837959196c75039809636cd964b959f6604b75b8eeec6fdfc0440b89cc55", size = 10142511, upload-time = "2025-10-14T15:39:26.18Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/71/d3/c16c3b3cf7655a67db1144da94b021c200ac1303f82428f2beef6c2e72bb/transformers-4.57.1-py3-none-any.whl", hash = "sha256:b10d05da8fa67dc41644dbbf9bc45a44cb86ae33da6f9295f5fbf5b7890bd267", size = 11990925, upload-time = "2025-10-14T15:39:23.085Z" }, -] - -[[package]] -name = "triton" -version = "3.1.0" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -dependencies = [ - { name = "filelock", marker = "extra == 'extra-8-anomalib-cu121' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/98/29/69aa56dc0b2eb2602b553881e34243475ea2afd9699be042316842788ff5/triton-3.1.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6b0dd10a925263abbe9fa37dcde67a5e9b2383fc269fdf59f5657cac38c5d1d8", size = 209460013, upload-time = "2024-10-14T16:05:32.106Z" }, - { url = "https://files.pythonhosted.org/packages/86/17/d9a5cf4fcf46291856d1e90762e36cbabd2a56c7265da0d1d9508c8e3943/triton-3.1.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0f34f6e7885d1bf0eaaf7ba875a5f0ce6f3c13ba98f9503651c1e6dc6757ed5c", size = 209506424, upload-time = "2024-10-14T16:05:42.337Z" }, - { url = "https://files.pythonhosted.org/packages/78/eb/65f5ba83c2a123f6498a3097746607e5b2f16add29e36765305e4ac7fdd8/triton-3.1.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c8182f42fd8080a7d39d666814fa36c5e30cc00ea7eeeb1a2983dbb4c99a0fdc", size = 209551444, upload-time = "2024-10-14T16:05:53.433Z" }, -] - -[[package]] -name = "triton" -version = "3.2.0" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/01/65/3ffa90e158a2c82f0716eee8d26a725d241549b7d7aaf7e4f44ac03ebd89/triton-3.2.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b3e54983cd51875855da7c68ec05c05cf8bb08df361b1d5b69e05e40b0c9bd62", size = 253090354, upload-time = "2025-01-22T19:12:21.872Z" }, - { url = "https://files.pythonhosted.org/packages/a7/2e/757d2280d4fefe7d33af7615124e7e298ae7b8e3bc4446cdb8e88b0f9bab/triton-3.2.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8009a1fb093ee8546495e96731336a33fb8856a38e45bb4ab6affd6dbc3ba220", size = 253157636, upload-time = "2025-01-22T19:12:51.322Z" }, - { url = "https://files.pythonhosted.org/packages/06/00/59500052cb1cf8cf5316be93598946bc451f14072c6ff256904428eaf03c/triton-3.2.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8d9b215efc1c26fa7eefb9a157915c92d52e000d2bf83e5f69704047e63f125c", size = 253159365, upload-time = "2025-01-22T19:13:24.648Z" }, - { url = "https://files.pythonhosted.org/packages/c7/30/37a3384d1e2e9320331baca41e835e90a3767303642c7a80d4510152cbcf/triton-3.2.0-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e5dfa23ba84541d7c0a531dfce76d8bcd19159d50a4a8b14ad01e91734a5c1b0", size = 253154278, upload-time = "2025-01-22T19:13:54.221Z" }, -] - -[[package]] -name = "triton" -version = "3.3.1" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "python_full_version >= '3.14' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'linux'", -] -dependencies = [ - { name = "setuptools", marker = "extra == 'extra-8-anomalib-cu118' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/8d/a9/549e51e9b1b2c9b854fd761a1d23df0ba2fbc60bd0c13b489ffa518cfcb7/triton-3.3.1-cp310-cp310-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:b74db445b1c562844d3cfad6e9679c72e93fdfb1a90a24052b03bb5c49d1242e", size = 155600257, upload-time = "2025-05-29T23:39:36.085Z" }, - { url = "https://files.pythonhosted.org/packages/21/2f/3e56ea7b58f80ff68899b1dbe810ff257c9d177d288c6b0f55bf2fe4eb50/triton-3.3.1-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:b31e3aa26f8cb3cc5bf4e187bf737cbacf17311e1112b781d4a059353dfd731b", size = 155689937, upload-time = "2025-05-29T23:39:44.182Z" }, - { url = "https://files.pythonhosted.org/packages/24/5f/950fb373bf9c01ad4eb5a8cd5eaf32cdf9e238c02f9293557a2129b9c4ac/triton-3.3.1-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:9999e83aba21e1a78c1f36f21bce621b77bcaa530277a50484a7cb4a822f6e43", size = 155669138, upload-time = "2025-05-29T23:39:51.771Z" }, - { url = "https://files.pythonhosted.org/packages/74/1f/dfb531f90a2d367d914adfee771babbd3f1a5b26c3f5fbc458dee21daa78/triton-3.3.1-cp313-cp313-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:b89d846b5a4198317fec27a5d3a609ea96b6d557ff44b56c23176546023c4240", size = 155673035, upload-time = "2025-05-29T23:40:02.468Z" }, - { url = "https://files.pythonhosted.org/packages/28/71/bd20ffcb7a64c753dc2463489a61bf69d531f308e390ad06390268c4ea04/triton-3.3.1-cp313-cp313t-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:a3198adb9d78b77818a5388bff89fa72ff36f9da0bc689db2f0a651a67ce6a42", size = 155735832, upload-time = "2025-05-29T23:40:10.522Z" }, -] - -[[package]] -name = "triton" -version = "3.5.0" -source = { registry = "https://pypi.org/simple" } -resolution-markers = [ - "(python_full_version >= '3.15' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux') or (python_full_version >= '3.14' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.14' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "(python_full_version == '3.13.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.13.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "(python_full_version == '3.12.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.12.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "python_full_version == '3.14.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "python_full_version == '3.13.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "python_full_version == '3.12.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and platform_python_implementation != 'CPython' and sys_platform == 'linux')", - "python_full_version < '3.11' and platform_machine == 'aarch64' and platform_python_implementation == 'CPython' and sys_platform == 'linux'", -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/dd/22/507b6f58a35e05e84381630b2dc2a3cee1a7a2a7eaf4cba857c638a18a24/triton-3.5.0-cp310-cp310-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:6f90de6a6566bb619b4c0adc9855729e1b1b5e26533fca1bf6206e96b6d277a3", size = 159827599, upload-time = "2025-10-15T19:15:43.87Z" }, - { url = "https://files.pythonhosted.org/packages/0b/eb/09e31d107a5d00eb281aa7e6635ca463e9bca86515944e399480eadb71f8/triton-3.5.0-cp310-cp310-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:d5d3b3d480debf24eaa739623c9a42446b0b77f95593d30eb1f64cd2278cc1f0", size = 170333110, upload-time = "2025-10-13T16:37:49.588Z" }, - { url = "https://files.pythonhosted.org/packages/79/f9/b6f60f978397c616fd8dacca2305759fe4f80d397b20ef72534803244bd5/triton-3.5.0-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:8457b22148defefdcb7fa8144b05ce211b9faefad650a1ce85b23df488d5549c", size = 159926731, upload-time = "2025-10-15T19:15:49.682Z" }, - { url = "https://files.pythonhosted.org/packages/3d/78/949a04391c21956c816523678f0e5fa308eb5b1e7622d88c4e4ef5fceca0/triton-3.5.0-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:f34bfa21c5b3a203c0f0eab28dcc1e49bd1f67d22724e77fb6665a659200a4ec", size = 170433488, upload-time = "2025-10-13T16:37:57.132Z" }, - { url = "https://files.pythonhosted.org/packages/87/9b/30988039e1e84df7554fba24e6a734d2d0e847af33cabdf9b532b3c51456/triton-3.5.0-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:7da21fccceafc163e3a5e857abe34351ef76345af06cabf9637a914742671f0b", size = 159946647, upload-time = "2025-10-15T19:15:56.325Z" }, - { url = "https://files.pythonhosted.org/packages/f5/3a/e991574f3102147b642e49637e0281e9bb7c4ba254edb2bab78247c85e01/triton-3.5.0-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:c9e71db82261c4ffa3921cd050cd5faa18322d2d405c30eb56084afaff3b0833", size = 170476535, upload-time = "2025-10-13T16:38:05.18Z" }, - { url = "https://files.pythonhosted.org/packages/cd/85/e37f1197acb04c8f3d83851d23d5d6ed5060ef74580668b112e23fdfa203/triton-3.5.0-cp313-cp313-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:188da5b81fa2f8322c27fec1627703eac24cb9bb7ab0dfbe9925973bc1b070d3", size = 159958970, upload-time = "2025-10-15T19:16:01.717Z" }, - { url = "https://files.pythonhosted.org/packages/6c/29/10728de8a6e932e517c10773486b8e99f85d1b1d9dd87d9a9616e1fef4a1/triton-3.5.0-cp313-cp313-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:e6bb9aa5519c084a333acdba443789e50012a4b851cd486c54f0b8dc2a8d3a12", size = 170487289, upload-time = "2025-10-13T16:38:11.662Z" }, - { url = "https://files.pythonhosted.org/packages/b8/1d/38258f05010ac17a7b058c022911c9cae6526e149b7397134a048cf5a6c2/triton-3.5.0-cp313-cp313t-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:03127d9b33aaf979c856676b394bc059ec1d68cb6da68ae03f62dd8ad77a04ae", size = 160073012, upload-time = "2025-10-15T19:16:07.477Z" }, - { url = "https://files.pythonhosted.org/packages/5c/38/db80e48b9220c9bce872b0f616ad0446cdf554a40b85c7865cbca99ab3c2/triton-3.5.0-cp313-cp313t-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:c83f2343e1a220a716c7b3ab9fccfcbe3ad4020d189549200e2d2e8d5868bed9", size = 170577179, upload-time = "2025-10-13T16:38:17.865Z" }, - { url = "https://files.pythonhosted.org/packages/91/fe/8f5771d00227f4eb1ee034f218ed427102b989366d2275fe3b3c105a3921/triton-3.5.0-cp314-cp314-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:468936651d383f4a6d10068d34a627505e13af55be5d002b9f27b987e7a5f0ac", size = 159957460, upload-time = "2025-10-15T19:16:12.626Z" }, - { url = "https://files.pythonhosted.org/packages/ff/60/1810655d1d856c9a4fcc90ee8966d85f552d98c53a6589f95ab2cbe27bb8/triton-3.5.0-cp314-cp314-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:da0fa67ccd76c3dcfb0bffe1b1c57c685136a6bd33d141c24d9655d4185b1289", size = 170487949, upload-time = "2025-10-13T16:38:24.881Z" }, - { url = "https://files.pythonhosted.org/packages/78/59/99edd103958fe6e42b50b9ad8ce4f223ddf4ccf475259cf7d2b53381dc6c/triton-3.5.0-cp314-cp314t-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:c7ceef21410229ac23173a28eee5cfc0e37c1dfdb8b4bc11ecda2e3ecec7c686", size = 160075629, upload-time = "2025-10-15T19:16:18.746Z" }, - { url = "https://files.pythonhosted.org/packages/fb/b7/1dec8433ac604c061173d0589d99217fe7bf90a70bdc375e745d044b8aad/triton-3.5.0-cp314-cp314t-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:317fe477ea8fd4524a6a8c499fb0a36984a56d0b75bf9c9cb6133a1c56d5a6e7", size = 170580176, upload-time = "2025-10-13T16:38:31.14Z" }, -] - -[[package]] -name = "typer" -version = "0.20.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "click" }, - { name = "rich" }, - { name = "shellingham" }, - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/8f/28/7c85c8032b91dbe79725b6f17d2fffc595dff06a35c7a30a37bef73a1ab4/typer-0.20.0.tar.gz", hash = "sha256:1aaf6494031793e4876fb0bacfa6a912b551cf43c1e63c800df8b1a866720c37", size = 106492, upload-time = "2025-10-20T17:03:49.445Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/78/64/7713ffe4b5983314e9d436a90d5bd4f63b6054e2aca783a3cfc44cb95bbf/typer-0.20.0-py3-none-any.whl", hash = "sha256:5b463df6793ec1dca6213a3cf4c0f03bc6e322ac5e16e13ddd622a889489784a", size = 47028, upload-time = "2025-10-20T17:03:47.617Z" }, -] - -[[package]] -name = "typeshed-client" -version = "2.8.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "importlib-resources" }, - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/fe/3e/4074d3505b4700a6bf13cb1bb2d1848bb8c78e902e3f9fe5916274c5d284/typeshed_client-2.8.2.tar.gz", hash = "sha256:9d8e29fb74574d87bf9a719f77131dc40f2aeea20e97d25d4a3dc2cc30debd31", size = 501617, upload-time = "2025-07-16T01:49:49.299Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/11/db/e7474719e90062df673057e865f94f67da2d0b4f671d8051020c74962c77/typeshed_client-2.8.2-py3-none-any.whl", hash = "sha256:4cf886d976c777689cd31889f13abf5bfb7797c82519b07e5969e541380c75ee", size = 760467, upload-time = "2025-07-16T01:49:47.758Z" }, -] - -[[package]] -name = "typing-extensions" -version = "4.15.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/72/94/1a15dd82efb362ac84269196e94cf00f187f7ed21c242792a923cdb1c61f/typing_extensions-4.15.0.tar.gz", hash = "sha256:0cea48d173cc12fa28ecabc3b837ea3cf6f38c6d1136f85cbaaf598984861466", size = 109391, upload-time = "2025-08-25T13:49:26.313Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/18/67/36e9267722cc04a6b9f15c7f3441c2363321a3ea07da7ae0c0707beb2a9c/typing_extensions-4.15.0-py3-none-any.whl", hash = "sha256:f0fa19c6845758ab08074a0cfa8b7aecb71c999ca73d62883bc25cc018c4e548", size = 44614, upload-time = "2025-08-25T13:49:24.86Z" }, -] - -[[package]] -name = "typing-inspection" -version = "0.4.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/55/e3/70399cb7dd41c10ac53367ae42139cf4b1ca5f36bb3dc6c9d33acdb43655/typing_inspection-0.4.2.tar.gz", hash = "sha256:ba561c48a67c5958007083d386c3295464928b01faa735ab8547c5692e87f464", size = 75949, upload-time = "2025-10-01T02:14:41.687Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/dc/9b/47798a6c91d8bdb567fe2698fe81e0c6b7cb7ef4d13da4114b41d239f65d/typing_inspection-0.4.2-py3-none-any.whl", hash = "sha256:4ed1cacbdc298c220f1bd249ed5287caa16f34d44ef4e9c3d0cbad5b521545e7", size = 14611, upload-time = "2025-10-01T02:14:40.154Z" }, -] - -[[package]] -name = "tzdata" -version = "2025.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/95/32/1a225d6164441be760d75c2c42e2780dc0873fe382da3e98a2e1e48361e5/tzdata-2025.2.tar.gz", hash = "sha256:b60a638fcc0daffadf82fe0f57e53d06bdec2f36c4df66280ae79bce6bd6f2b9", size = 196380, upload-time = "2025-03-23T13:54:43.652Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/5c/23/c7abc0ca0a1526a0774eca151daeb8de62ec457e77262b66b359c3c7679e/tzdata-2025.2-py2.py3-none-any.whl", hash = "sha256:1a403fada01ff9221ca8044d701868fa132215d84beb92242d9acd2147f667a8", size = 347839, upload-time = "2025-03-23T13:54:41.845Z" }, -] - -[[package]] -name = "uc-micro-py" -version = "1.0.3" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/91/7a/146a99696aee0609e3712f2b44c6274566bc368dfe8375191278045186b8/uc-micro-py-1.0.3.tar.gz", hash = "sha256:d321b92cff673ec58027c04015fcaa8bb1e005478643ff4a500882eaab88c48a", size = 6043, upload-time = "2024-02-09T16:52:01.654Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/37/87/1f677586e8ac487e29672e4b17455758fce261de06a0d086167bb760361a/uc_micro_py-1.0.3-py3-none-any.whl", hash = "sha256:db1dffff340817673d7b466ec86114a9dc0e9d4d9b5ba229d9d60e5c12600cd5", size = 6229, upload-time = "2024-02-09T16:52:00.371Z" }, -] - -[[package]] -name = "umf" -version = "0.10.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "tcmlib", marker = "(extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra != 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu') or (extra != 'extra-8-anomalib-cpu' and extra != 'extra-8-anomalib-cu118' and extra != 'extra-8-anomalib-cu121' and extra != 'extra-8-anomalib-cu124' and extra != 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu')" }, -] -wheels = [ - { url = "https://files.pythonhosted.org/packages/66/a4/1d289b37333a7c9a54d590d04a4d83aefa0e3d1ab1ad98e592d22080347a/umf-0.10.0-py2.py3-none-manylinux_2_28_x86_64.whl", hash = "sha256:a27a368c614fd9d0e67e9ef77de391a7080697d7a4d51b9035707f629d81dc7c", size = 314530, upload-time = "2025-03-21T15:26:41.295Z" }, - { url = "https://files.pythonhosted.org/packages/a6/27/0baa776232aac436568b3ad8ab1d906c383ed0956a9052f374e88f33e6a8/umf-0.10.0-py2.py3-none-win_amd64.whl", hash = "sha256:7b3ee402f1a5bbe418d661970338f75b25a441cb59bb084dca916040f5c3c303", size = 193945, upload-time = "2025-03-21T15:28:59.666Z" }, -] - -[[package]] -name = "uri-template" -version = "1.3.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/31/c7/0336f2bd0bcbada6ccef7aaa25e443c118a704f828a0620c6fa0207c1b64/uri-template-1.3.0.tar.gz", hash = "sha256:0e00f8eb65e18c7de20d595a14336e9f337ead580c70934141624b6d1ffdacc7", size = 21678, upload-time = "2023-06-21T01:49:05.374Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e7/00/3fca040d7cf8a32776d3d81a00c8ee7457e00f80c649f1e4a863c8321ae9/uri_template-1.3.0-py3-none-any.whl", hash = "sha256:a44a133ea12d44a0c0f06d7d42a52d71282e77e2f937d8abd5655b8d56fc1363", size = 11140, upload-time = "2023-06-21T01:49:03.467Z" }, -] - -[[package]] -name = "urllib3" -version = "2.5.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/15/22/9ee70a2574a4f4599c47dd506532914ce044817c7752a79b6a51286319bc/urllib3-2.5.0.tar.gz", hash = "sha256:3fc47733c7e419d4bc3f6b3dc2b4f890bb743906a30d56ba4a5bfa4bbff92760", size = 393185, upload-time = "2025-06-18T14:07:41.644Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/a7/c2/fe1e52489ae3122415c51f387e221dd0773709bad6c6cdaa599e8a2c5185/urllib3-2.5.0-py3-none-any.whl", hash = "sha256:e6b01673c0fa6a13e374b50871808eb3bf7046c4b125b216f6bf1cc604cff0dc", size = 129795, upload-time = "2025-06-18T14:07:40.39Z" }, -] - -[[package]] -name = "uvicorn" -version = "0.38.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "click" }, - { name = "h11" }, - { name = "typing-extensions", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/cb/ce/f06b84e2697fef4688ca63bdb2fdf113ca0a3be33f94488f2cadb690b0cf/uvicorn-0.38.0.tar.gz", hash = "sha256:fd97093bdd120a2609fc0d3afe931d4d4ad688b6e75f0f929fde1bc36fe0e91d", size = 80605, upload-time = "2025-10-18T13:46:44.63Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ee/d9/d88e73ca598f4f6ff671fb5fde8a32925c2e08a637303a1d12883c7305fa/uvicorn-0.38.0-py3-none-any.whl", hash = "sha256:48c0afd214ceb59340075b4a052ea1ee91c16fbc2a9b1469cca0e54566977b02", size = 68109, upload-time = "2025-10-18T13:46:42.958Z" }, -] - -[[package]] -name = "virtualenv" -version = "20.35.3" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "distlib" }, - { name = "filelock" }, - { name = "platformdirs" }, - { name = "typing-extensions", marker = "python_full_version < '3.11' or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu118') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cpu' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu121') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu118' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu124') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu121' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-cu130') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu124' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-rocm') or (extra == 'extra-8-anomalib-cu130' and extra == 'extra-8-anomalib-xpu') or (extra == 'extra-8-anomalib-rocm' and extra == 'extra-8-anomalib-xpu')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/a4/d5/b0ccd381d55c8f45d46f77df6ae59fbc23d19e901e2d523395598e5f4c93/virtualenv-20.35.3.tar.gz", hash = "sha256:4f1a845d131133bdff10590489610c98c168ff99dc75d6c96853801f7f67af44", size = 6002907, upload-time = "2025-10-10T21:23:33.178Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/27/73/d9a94da0e9d470a543c1b9d3ccbceb0f59455983088e727b8a1824ed90fb/virtualenv-20.35.3-py3-none-any.whl", hash = "sha256:63d106565078d8c8d0b206d48080f938a8b25361e19432d2c9db40d2899c810a", size = 5981061, upload-time = "2025-10-10T21:23:30.433Z" }, -] - -[[package]] -name = "waitress" -version = "3.0.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/bf/cb/04ddb054f45faa306a230769e868c28b8065ea196891f09004ebace5b184/waitress-3.0.2.tar.gz", hash = "sha256:682aaaf2af0c44ada4abfb70ded36393f0e307f4ab9456a215ce0020baefc31f", size = 179901, upload-time = "2024-11-16T20:02:35.195Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/8d/57/a27182528c90ef38d82b636a11f606b0cbb0e17588ed205435f8affe3368/waitress-3.0.2-py3-none-any.whl", hash = "sha256:c56d67fd6e87c2ee598b76abdd4e96cfad1f24cacdea5078d382b1f9d7b5ed2e", size = 56232, upload-time = "2024-11-16T20:02:33.858Z" }, -] - -[[package]] -name = "wandb" -version = "0.22.2" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "click" }, - { name = "gitpython" }, - { name = "packaging" }, - { name = "platformdirs" }, - { name = "protobuf" }, - { name = "pydantic" }, - { name = "pyyaml" }, - { name = "requests" }, - { name = "sentry-sdk" }, - { name = "typing-extensions" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/c1/a8/680bd77e11a278e6c14a2cb4646e8ab9525b2baaa81c3d12dc0f616aa4aa/wandb-0.22.2.tar.gz", hash = "sha256:510f5a1ac30d16921c36c3b932da852f046641d4aee98a86a7f5ec03a6e95bda", size = 41401439, upload-time = "2025-10-07T19:54:21.88Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/e7/b3/8c637fb594cfd574ce9c9f7d0ac2f2d12742eb38ec59dcbb713beae95343/wandb-0.22.2-py3-none-macosx_12_0_arm64.whl", hash = "sha256:2e29c9fa4462b5411b2cd2175ae33eff4309c91de7c426bca6bc8e7abc7e5dec", size = 18677549, upload-time = "2025-10-07T19:54:00.839Z" }, - { url = "https://files.pythonhosted.org/packages/d3/f3/e309a726eaebddad6b8d9a73a50891e5796962ec8a091bb6a61d31692d1e/wandb-0.22.2-py3-none-macosx_12_0_x86_64.whl", hash = "sha256:c42d594cd7a9da4fd39ecdb0abbc081b61f304123277b2b6c4ba84283956fd21", size = 19715188, upload-time = "2025-10-07T19:54:03.805Z" }, - { url = "https://files.pythonhosted.org/packages/f9/73/fad59910215876008f4781b57d828d1b19b3677c9b46af615e7229746435/wandb-0.22.2-py3-none-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a5188d84e66d3fd584f3b3ae4d2a70e78f29403c0528e6aecaa4188a1fcf54d8", size = 18463148, upload-time = "2025-10-07T19:54:05.676Z" }, - { url = "https://files.pythonhosted.org/packages/87/11/572c1913b5b92e4c519f735adfae572b46f2d79d99ede63eec0d6a272d6e/wandb-0.22.2-py3-none-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:88ccd484af9f21cfc127976793c3cf66cfe1acd75bd8cd650086a64e88bac4bf", size = 19908645, upload-time = "2025-10-07T19:54:07.693Z" }, - { url = "https://files.pythonhosted.org/packages/6d/0d/133aa82f5a505ba638b4fda5014cefddfe7f1f6238ef4afc0871ec61c41f/wandb-0.22.2-py3-none-musllinux_1_2_aarch64.whl", hash = "sha256:abf0ed175e791af64110e0a0b99ce02bbbbd1017722bc32d3bc328efb86450cd", size = 18501348, upload-time = "2025-10-07T19:54:10.234Z" }, - { url = "https://files.pythonhosted.org/packages/d0/d5/776203be2601872f01dacc6a5b4274106ec0db7cd3bf2cdb3b741f8fc932/wandb-0.22.2-py3-none-musllinux_1_2_x86_64.whl", hash = "sha256:44e77c56403b90bf3473a7ca3bfc4d42c636b7c0e31a5fb9cd0382f08302f74b", size = 20001756, upload-time = "2025-10-07T19:54:12.452Z" }, - { url = "https://files.pythonhosted.org/packages/30/43/ae3fa46e20b1d9a6508dd9abe716d57205c038ed4661c5c98ace48a60eac/wandb-0.22.2-py3-none-win32.whl", hash = "sha256:44d12bd379dbe15be5ceed6bdf23803d42f648ba0dd111297b4c47a3c7be6dbd", size = 19075950, upload-time = "2025-10-07T19:54:14.892Z" }, - { url = "https://files.pythonhosted.org/packages/09/59/c174321e868205f7a659d1e5ec51f546e62267296d6f4179bb9119294964/wandb-0.22.2-py3-none-win_amd64.whl", hash = "sha256:c95eb221bf316c0872f7ac55071856b9f25f95a2de983ada48acf653ce259386", size = 19075953, upload-time = "2025-10-07T19:54:16.837Z" }, - { url = "https://files.pythonhosted.org/packages/7a/a2/c7c24fda78513cab5686949d8cb36459dbbccbbb4b2b6fc67237ece31a00/wandb-0.22.2-py3-none-win_arm64.whl", hash = "sha256:20d2ab9aa10445aab3d60914a980f002a4f66566e28b0cd156b1e462f0080a0d", size = 17383217, upload-time = "2025-10-07T19:54:19.384Z" }, -] - -[[package]] -name = "wcwidth" -version = "0.2.14" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/24/30/6b0809f4510673dc723187aeaf24c7f5459922d01e2f794277a3dfb90345/wcwidth-0.2.14.tar.gz", hash = "sha256:4d478375d31bc5395a3c55c40ccdf3354688364cd61c4f6adacaa9215d0b3605", size = 102293, upload-time = "2025-09-22T16:29:53.023Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/af/b5/123f13c975e9f27ab9c0770f514345bd406d0e8d3b7a0723af9d43f710af/wcwidth-0.2.14-py2.py3-none-any.whl", hash = "sha256:a7bb560c8aee30f9957e5f9895805edd20602f2d7f720186dfd906e82b4982e1", size = 37286, upload-time = "2025-09-22T16:29:51.641Z" }, -] - -[[package]] -name = "webcolors" -version = "24.11.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/7b/29/061ec845fb58521848f3739e466efd8250b4b7b98c1b6c5bf4d40b419b7e/webcolors-24.11.1.tar.gz", hash = "sha256:ecb3d768f32202af770477b8b65f318fa4f566c22948673a977b00d589dd80f6", size = 45064, upload-time = "2024-11-11T07:43:24.224Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/60/e8/c0e05e4684d13459f93d312077a9a2efbe04d59c393bc2b8802248c908d4/webcolors-24.11.1-py3-none-any.whl", hash = "sha256:515291393b4cdf0eb19c155749a096f779f7d909f7cceea072791cb9095b92e9", size = 14934, upload-time = "2024-11-11T07:43:22.529Z" }, -] - -[[package]] -name = "webencodings" -version = "0.5.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/0b/02/ae6ceac1baeda530866a85075641cec12989bd8d31af6d5ab4a3e8c92f47/webencodings-0.5.1.tar.gz", hash = "sha256:b36a1c245f2d304965eb4e0a82848379241dc04b865afcc4aab16748587e1923", size = 9721, upload-time = "2017-04-05T20:21:34.189Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/f4/24/2a3e3df732393fed8b3ebf2ec078f05546de641fe1b667ee316ec1dcf3b7/webencodings-0.5.1-py2.py3-none-any.whl", hash = "sha256:a0af1213f3c2226497a97e2b3aa01a7e4bee4f403f95be16fc9acd2947514a78", size = 11774, upload-time = "2017-04-05T20:21:32.581Z" }, -] - -[[package]] -name = "websocket-client" -version = "1.9.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/2c/41/aa4bf9664e4cda14c3b39865b12251e8e7d239f4cd0e3cc1b6c2ccde25c1/websocket_client-1.9.0.tar.gz", hash = "sha256:9e813624b6eb619999a97dc7958469217c3176312b3a16a4bd1bc7e08a46ec98", size = 70576, upload-time = "2025-10-07T21:16:36.495Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/34/db/b10e48aa8fff7407e67470363eac595018441cf32d5e1001567a7aeba5d2/websocket_client-1.9.0-py3-none-any.whl", hash = "sha256:af248a825037ef591efbf6ed20cc5faa03d3b47b9e5a2230a529eeee1c1fc3ef", size = 82616, upload-time = "2025-10-07T21:16:34.951Z" }, -] - -[[package]] -name = "websockets" -version = "15.0.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/21/e6/26d09fab466b7ca9c7737474c52be4f76a40301b08362eb2dbc19dcc16c1/websockets-15.0.1.tar.gz", hash = "sha256:82544de02076bafba038ce055ee6412d68da13ab47f0c60cab827346de828dee", size = 177016, upload-time = "2025-03-05T20:03:41.606Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/1e/da/6462a9f510c0c49837bbc9345aca92d767a56c1fb2939e1579df1e1cdcf7/websockets-15.0.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:d63efaa0cd96cf0c5fe4d581521d9fa87744540d4bc999ae6e08595a1014b45b", size = 175423, upload-time = "2025-03-05T20:01:35.363Z" }, - { url = "https://files.pythonhosted.org/packages/1c/9f/9d11c1a4eb046a9e106483b9ff69bce7ac880443f00e5ce64261b47b07e7/websockets-15.0.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:ac60e3b188ec7574cb761b08d50fcedf9d77f1530352db4eef1707fe9dee7205", size = 173080, upload-time = "2025-03-05T20:01:37.304Z" }, - { url = "https://files.pythonhosted.org/packages/d5/4f/b462242432d93ea45f297b6179c7333dd0402b855a912a04e7fc61c0d71f/websockets-15.0.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:5756779642579d902eed757b21b0164cd6fe338506a8083eb58af5c372e39d9a", size = 173329, upload-time = "2025-03-05T20:01:39.668Z" }, - { url = "https://files.pythonhosted.org/packages/6e/0c/6afa1f4644d7ed50284ac59cc70ef8abd44ccf7d45850d989ea7310538d0/websockets-15.0.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0fdfe3e2a29e4db3659dbd5bbf04560cea53dd9610273917799f1cde46aa725e", size = 182312, upload-time = "2025-03-05T20:01:41.815Z" }, - { url = "https://files.pythonhosted.org/packages/dd/d4/ffc8bd1350b229ca7a4db2a3e1c482cf87cea1baccd0ef3e72bc720caeec/websockets-15.0.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4c2529b320eb9e35af0fa3016c187dffb84a3ecc572bcee7c3ce302bfeba52bf", size = 181319, upload-time = "2025-03-05T20:01:43.967Z" }, - { url = "https://files.pythonhosted.org/packages/97/3a/5323a6bb94917af13bbb34009fac01e55c51dfde354f63692bf2533ffbc2/websockets-15.0.1-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ac1e5c9054fe23226fb11e05a6e630837f074174c4c2f0fe442996112a6de4fb", size = 181631, upload-time = "2025-03-05T20:01:46.104Z" }, - { url = "https://files.pythonhosted.org/packages/a6/cc/1aeb0f7cee59ef065724041bb7ed667b6ab1eeffe5141696cccec2687b66/websockets-15.0.1-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:5df592cd503496351d6dc14f7cdad49f268d8e618f80dce0cd5a36b93c3fc08d", size = 182016, upload-time = "2025-03-05T20:01:47.603Z" }, - { url = "https://files.pythonhosted.org/packages/79/f9/c86f8f7af208e4161a7f7e02774e9d0a81c632ae76db2ff22549e1718a51/websockets-15.0.1-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:0a34631031a8f05657e8e90903e656959234f3a04552259458aac0b0f9ae6fd9", size = 181426, upload-time = "2025-03-05T20:01:48.949Z" }, - { url = "https://files.pythonhosted.org/packages/c7/b9/828b0bc6753db905b91df6ae477c0b14a141090df64fb17f8a9d7e3516cf/websockets-15.0.1-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:3d00075aa65772e7ce9e990cab3ff1de702aa09be3940d1dc88d5abf1ab8a09c", size = 181360, upload-time = "2025-03-05T20:01:50.938Z" }, - { url = "https://files.pythonhosted.org/packages/89/fb/250f5533ec468ba6327055b7d98b9df056fb1ce623b8b6aaafb30b55d02e/websockets-15.0.1-cp310-cp310-win32.whl", hash = "sha256:1234d4ef35db82f5446dca8e35a7da7964d02c127b095e172e54397fb6a6c256", size = 176388, upload-time = "2025-03-05T20:01:52.213Z" }, - { url = "https://files.pythonhosted.org/packages/1c/46/aca7082012768bb98e5608f01658ff3ac8437e563eca41cf068bd5849a5e/websockets-15.0.1-cp310-cp310-win_amd64.whl", hash = "sha256:39c1fec2c11dc8d89bba6b2bf1556af381611a173ac2b511cf7231622058af41", size = 176830, upload-time = "2025-03-05T20:01:53.922Z" }, - { url = "https://files.pythonhosted.org/packages/9f/32/18fcd5919c293a398db67443acd33fde142f283853076049824fc58e6f75/websockets-15.0.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:823c248b690b2fd9303ba00c4f66cd5e2d8c3ba4aa968b2779be9532a4dad431", size = 175423, upload-time = "2025-03-05T20:01:56.276Z" }, - { url = "https://files.pythonhosted.org/packages/76/70/ba1ad96b07869275ef42e2ce21f07a5b0148936688c2baf7e4a1f60d5058/websockets-15.0.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:678999709e68425ae2593acf2e3ebcbcf2e69885a5ee78f9eb80e6e371f1bf57", size = 173082, upload-time = "2025-03-05T20:01:57.563Z" }, - { url = "https://files.pythonhosted.org/packages/86/f2/10b55821dd40eb696ce4704a87d57774696f9451108cff0d2824c97e0f97/websockets-15.0.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:d50fd1ee42388dcfb2b3676132c78116490976f1300da28eb629272d5d93e905", size = 173330, upload-time = "2025-03-05T20:01:59.063Z" }, - { url = "https://files.pythonhosted.org/packages/a5/90/1c37ae8b8a113d3daf1065222b6af61cc44102da95388ac0018fcb7d93d9/websockets-15.0.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d99e5546bf73dbad5bf3547174cd6cb8ba7273062a23808ffea025ecb1cf8562", size = 182878, upload-time = "2025-03-05T20:02:00.305Z" }, - { url = "https://files.pythonhosted.org/packages/8e/8d/96e8e288b2a41dffafb78e8904ea7367ee4f891dafc2ab8d87e2124cb3d3/websockets-15.0.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:66dd88c918e3287efc22409d426c8f729688d89a0c587c88971a0faa2c2f3792", size = 181883, upload-time = "2025-03-05T20:02:03.148Z" }, - { url = "https://files.pythonhosted.org/packages/93/1f/5d6dbf551766308f6f50f8baf8e9860be6182911e8106da7a7f73785f4c4/websockets-15.0.1-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8dd8327c795b3e3f219760fa603dcae1dcc148172290a8ab15158cf85a953413", size = 182252, upload-time = "2025-03-05T20:02:05.29Z" }, - { url = "https://files.pythonhosted.org/packages/d4/78/2d4fed9123e6620cbf1706c0de8a1632e1a28e7774d94346d7de1bba2ca3/websockets-15.0.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:8fdc51055e6ff4adeb88d58a11042ec9a5eae317a0a53d12c062c8a8865909e8", size = 182521, upload-time = "2025-03-05T20:02:07.458Z" }, - { url = "https://files.pythonhosted.org/packages/e7/3b/66d4c1b444dd1a9823c4a81f50231b921bab54eee2f69e70319b4e21f1ca/websockets-15.0.1-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:693f0192126df6c2327cce3baa7c06f2a117575e32ab2308f7f8216c29d9e2e3", size = 181958, upload-time = "2025-03-05T20:02:09.842Z" }, - { url = "https://files.pythonhosted.org/packages/08/ff/e9eed2ee5fed6f76fdd6032ca5cd38c57ca9661430bb3d5fb2872dc8703c/websockets-15.0.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:54479983bd5fb469c38f2f5c7e3a24f9a4e70594cd68cd1fa6b9340dadaff7cf", size = 181918, upload-time = "2025-03-05T20:02:11.968Z" }, - { url = "https://files.pythonhosted.org/packages/d8/75/994634a49b7e12532be6a42103597b71098fd25900f7437d6055ed39930a/websockets-15.0.1-cp311-cp311-win32.whl", hash = "sha256:16b6c1b3e57799b9d38427dda63edcbe4926352c47cf88588c0be4ace18dac85", size = 176388, upload-time = "2025-03-05T20:02:13.32Z" }, - { url = "https://files.pythonhosted.org/packages/98/93/e36c73f78400a65f5e236cd376713c34182e6663f6889cd45a4a04d8f203/websockets-15.0.1-cp311-cp311-win_amd64.whl", hash = "sha256:27ccee0071a0e75d22cb35849b1db43f2ecd3e161041ac1ee9d2352ddf72f065", size = 176828, upload-time = "2025-03-05T20:02:14.585Z" }, - { url = "https://files.pythonhosted.org/packages/51/6b/4545a0d843594f5d0771e86463606a3988b5a09ca5123136f8a76580dd63/websockets-15.0.1-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:3e90baa811a5d73f3ca0bcbf32064d663ed81318ab225ee4f427ad4e26e5aff3", size = 175437, upload-time = "2025-03-05T20:02:16.706Z" }, - { url = "https://files.pythonhosted.org/packages/f4/71/809a0f5f6a06522af902e0f2ea2757f71ead94610010cf570ab5c98e99ed/websockets-15.0.1-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:592f1a9fe869c778694f0aa806ba0374e97648ab57936f092fd9d87f8bc03665", size = 173096, upload-time = "2025-03-05T20:02:18.832Z" }, - { url = "https://files.pythonhosted.org/packages/3d/69/1a681dd6f02180916f116894181eab8b2e25b31e484c5d0eae637ec01f7c/websockets-15.0.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:0701bc3cfcb9164d04a14b149fd74be7347a530ad3bbf15ab2c678a2cd3dd9a2", size = 173332, upload-time = "2025-03-05T20:02:20.187Z" }, - { url = "https://files.pythonhosted.org/packages/a6/02/0073b3952f5bce97eafbb35757f8d0d54812b6174ed8dd952aa08429bcc3/websockets-15.0.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e8b56bdcdb4505c8078cb6c7157d9811a85790f2f2b3632c7d1462ab5783d215", size = 183152, upload-time = "2025-03-05T20:02:22.286Z" }, - { url = "https://files.pythonhosted.org/packages/74/45/c205c8480eafd114b428284840da0b1be9ffd0e4f87338dc95dc6ff961a1/websockets-15.0.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0af68c55afbd5f07986df82831c7bff04846928ea8d1fd7f30052638788bc9b5", size = 182096, upload-time = "2025-03-05T20:02:24.368Z" }, - { url = "https://files.pythonhosted.org/packages/14/8f/aa61f528fba38578ec553c145857a181384c72b98156f858ca5c8e82d9d3/websockets-15.0.1-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:64dee438fed052b52e4f98f76c5790513235efaa1ef7f3f2192c392cd7c91b65", size = 182523, upload-time = "2025-03-05T20:02:25.669Z" }, - { url = "https://files.pythonhosted.org/packages/ec/6d/0267396610add5bc0d0d3e77f546d4cd287200804fe02323797de77dbce9/websockets-15.0.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:d5f6b181bb38171a8ad1d6aa58a67a6aa9d4b38d0f8c5f496b9e42561dfc62fe", size = 182790, upload-time = "2025-03-05T20:02:26.99Z" }, - { url = "https://files.pythonhosted.org/packages/02/05/c68c5adbf679cf610ae2f74a9b871ae84564462955d991178f95a1ddb7dd/websockets-15.0.1-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:5d54b09eba2bada6011aea5375542a157637b91029687eb4fdb2dab11059c1b4", size = 182165, upload-time = "2025-03-05T20:02:30.291Z" }, - { url = "https://files.pythonhosted.org/packages/29/93/bb672df7b2f5faac89761cb5fa34f5cec45a4026c383a4b5761c6cea5c16/websockets-15.0.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:3be571a8b5afed347da347bfcf27ba12b069d9d7f42cb8c7028b5e98bbb12597", size = 182160, upload-time = "2025-03-05T20:02:31.634Z" }, - { url = "https://files.pythonhosted.org/packages/ff/83/de1f7709376dc3ca9b7eeb4b9a07b4526b14876b6d372a4dc62312bebee0/websockets-15.0.1-cp312-cp312-win32.whl", hash = "sha256:c338ffa0520bdb12fbc527265235639fb76e7bc7faafbb93f6ba80d9c06578a9", size = 176395, upload-time = "2025-03-05T20:02:33.017Z" }, - { url = "https://files.pythonhosted.org/packages/7d/71/abf2ebc3bbfa40f391ce1428c7168fb20582d0ff57019b69ea20fa698043/websockets-15.0.1-cp312-cp312-win_amd64.whl", hash = "sha256:fcd5cf9e305d7b8338754470cf69cf81f420459dbae8a3b40cee57417f4614a7", size = 176841, upload-time = "2025-03-05T20:02:34.498Z" }, - { url = "https://files.pythonhosted.org/packages/cb/9f/51f0cf64471a9d2b4d0fc6c534f323b664e7095640c34562f5182e5a7195/websockets-15.0.1-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:ee443ef070bb3b6ed74514f5efaa37a252af57c90eb33b956d35c8e9c10a1931", size = 175440, upload-time = "2025-03-05T20:02:36.695Z" }, - { url = "https://files.pythonhosted.org/packages/8a/05/aa116ec9943c718905997412c5989f7ed671bc0188ee2ba89520e8765d7b/websockets-15.0.1-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:5a939de6b7b4e18ca683218320fc67ea886038265fd1ed30173f5ce3f8e85675", size = 173098, upload-time = "2025-03-05T20:02:37.985Z" }, - { url = "https://files.pythonhosted.org/packages/ff/0b/33cef55ff24f2d92924923c99926dcce78e7bd922d649467f0eda8368923/websockets-15.0.1-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:746ee8dba912cd6fc889a8147168991d50ed70447bf18bcda7039f7d2e3d9151", size = 173329, upload-time = "2025-03-05T20:02:39.298Z" }, - { url = "https://files.pythonhosted.org/packages/31/1d/063b25dcc01faa8fada1469bdf769de3768b7044eac9d41f734fd7b6ad6d/websockets-15.0.1-cp313-cp313-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:595b6c3969023ecf9041b2936ac3827e4623bfa3ccf007575f04c5a6aa318c22", size = 183111, upload-time = "2025-03-05T20:02:40.595Z" }, - { url = "https://files.pythonhosted.org/packages/93/53/9a87ee494a51bf63e4ec9241c1ccc4f7c2f45fff85d5bde2ff74fcb68b9e/websockets-15.0.1-cp313-cp313-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3c714d2fc58b5ca3e285461a4cc0c9a66bd0e24c5da9911e30158286c9b5be7f", size = 182054, upload-time = "2025-03-05T20:02:41.926Z" }, - { url = "https://files.pythonhosted.org/packages/ff/b2/83a6ddf56cdcbad4e3d841fcc55d6ba7d19aeb89c50f24dd7e859ec0805f/websockets-15.0.1-cp313-cp313-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0f3c1e2ab208db911594ae5b4f79addeb3501604a165019dd221c0bdcabe4db8", size = 182496, upload-time = "2025-03-05T20:02:43.304Z" }, - { url = "https://files.pythonhosted.org/packages/98/41/e7038944ed0abf34c45aa4635ba28136f06052e08fc2168520bb8b25149f/websockets-15.0.1-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:229cf1d3ca6c1804400b0a9790dc66528e08a6a1feec0d5040e8b9eb14422375", size = 182829, upload-time = "2025-03-05T20:02:48.812Z" }, - { url = "https://files.pythonhosted.org/packages/e0/17/de15b6158680c7623c6ef0db361da965ab25d813ae54fcfeae2e5b9ef910/websockets-15.0.1-cp313-cp313-musllinux_1_2_i686.whl", hash = "sha256:756c56e867a90fb00177d530dca4b097dd753cde348448a1012ed6c5131f8b7d", size = 182217, upload-time = "2025-03-05T20:02:50.14Z" }, - { url = "https://files.pythonhosted.org/packages/33/2b/1f168cb6041853eef0362fb9554c3824367c5560cbdaad89ac40f8c2edfc/websockets-15.0.1-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:558d023b3df0bffe50a04e710bc87742de35060580a293c2a984299ed83bc4e4", size = 182195, upload-time = "2025-03-05T20:02:51.561Z" }, - { url = "https://files.pythonhosted.org/packages/86/eb/20b6cdf273913d0ad05a6a14aed4b9a85591c18a987a3d47f20fa13dcc47/websockets-15.0.1-cp313-cp313-win32.whl", hash = "sha256:ba9e56e8ceeeedb2e080147ba85ffcd5cd0711b89576b83784d8605a7df455fa", size = 176393, upload-time = "2025-03-05T20:02:53.814Z" }, - { url = "https://files.pythonhosted.org/packages/1b/6c/c65773d6cab416a64d191d6ee8a8b1c68a09970ea6909d16965d26bfed1e/websockets-15.0.1-cp313-cp313-win_amd64.whl", hash = "sha256:e09473f095a819042ecb2ab9465aee615bd9c2028e4ef7d933600a8401c79561", size = 176837, upload-time = "2025-03-05T20:02:55.237Z" }, - { url = "https://files.pythonhosted.org/packages/02/9e/d40f779fa16f74d3468357197af8d6ad07e7c5a27ea1ca74ceb38986f77a/websockets-15.0.1-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:0c9e74d766f2818bb95f84c25be4dea09841ac0f734d1966f415e4edfc4ef1c3", size = 173109, upload-time = "2025-03-05T20:03:17.769Z" }, - { url = "https://files.pythonhosted.org/packages/bc/cd/5b887b8585a593073fd92f7c23ecd3985cd2c3175025a91b0d69b0551372/websockets-15.0.1-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:1009ee0c7739c08a0cd59de430d6de452a55e42d6b522de7aa15e6f67db0b8e1", size = 173343, upload-time = "2025-03-05T20:03:19.094Z" }, - { url = "https://files.pythonhosted.org/packages/fe/ae/d34f7556890341e900a95acf4886833646306269f899d58ad62f588bf410/websockets-15.0.1-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:76d1f20b1c7a2fa82367e04982e708723ba0e7b8d43aa643d3dcd404d74f1475", size = 174599, upload-time = "2025-03-05T20:03:21.1Z" }, - { url = "https://files.pythonhosted.org/packages/71/e6/5fd43993a87db364ec60fc1d608273a1a465c0caba69176dd160e197ce42/websockets-15.0.1-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f29d80eb9a9263b8d109135351caf568cc3f80b9928bccde535c235de55c22d9", size = 174207, upload-time = "2025-03-05T20:03:23.221Z" }, - { url = "https://files.pythonhosted.org/packages/2b/fb/c492d6daa5ec067c2988ac80c61359ace5c4c674c532985ac5a123436cec/websockets-15.0.1-pp310-pypy310_pp73-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b359ed09954d7c18bbc1680f380c7301f92c60bf924171629c5db97febb12f04", size = 174155, upload-time = "2025-03-05T20:03:25.321Z" }, - { url = "https://files.pythonhosted.org/packages/68/a1/dcb68430b1d00b698ae7a7e0194433bce4f07ded185f0ee5fb21e2a2e91e/websockets-15.0.1-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:cad21560da69f4ce7658ca2cb83138fb4cf695a2ba3e475e0559e05991aa8122", size = 176884, upload-time = "2025-03-05T20:03:27.934Z" }, - { url = "https://files.pythonhosted.org/packages/fa/a8/5b41e0da817d64113292ab1f8247140aac61cbf6cfd085d6a0fa77f4984f/websockets-15.0.1-py3-none-any.whl", hash = "sha256:f7a866fbc1e97b5c617ee4116daaa09b722101d4a3c170c787450ba409f9736f", size = 169743, upload-time = "2025-03-05T20:03:39.41Z" }, -] - -[[package]] -name = "werkzeug" -version = "3.1.3" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "markupsafe" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/9f/69/83029f1f6300c5fb2471d621ab06f6ec6b3324685a2ce0f9777fd4a8b71e/werkzeug-3.1.3.tar.gz", hash = "sha256:60723ce945c19328679790e3282cc758aa4a6040e4bb330f53d30fa546d44746", size = 806925, upload-time = "2024-11-08T15:52:18.093Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/52/24/ab44c871b0f07f491e5d2ad12c9bd7358e527510618cb1b803a88e986db1/werkzeug-3.1.3-py3-none-any.whl", hash = "sha256:54b78bf3716d19a65be4fceccc0d1d7b89e608834989dfae50ea87564639213e", size = 224498, upload-time = "2024-11-08T15:52:16.132Z" }, -] - -[[package]] -name = "widgetsnbextension" -version = "4.0.14" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/41/53/2e0253c5efd69c9656b1843892052a31c36d37ad42812b5da45c62191f7e/widgetsnbextension-4.0.14.tar.gz", hash = "sha256:a3629b04e3edb893212df862038c7232f62973373869db5084aed739b437b5af", size = 1097428, upload-time = "2025-04-10T13:01:25.628Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ca/51/5447876806d1088a0f8f71e16542bf350918128d0a69437df26047c8e46f/widgetsnbextension-4.0.14-py3-none-any.whl", hash = "sha256:4875a9eaf72fbf5079dc372a51a9f268fc38d46f767cbf85c43a36da5cb9b575", size = 2196503, upload-time = "2025-04-10T13:01:23.086Z" }, -] - -[[package]] -name = "wrapt" -version = "1.17.3" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/95/8f/aeb76c5b46e273670962298c23e7ddde79916cb74db802131d49a85e4b7d/wrapt-1.17.3.tar.gz", hash = "sha256:f66eb08feaa410fe4eebd17f2a2c8e2e46d3476e9f8c783daa8e09e0faa666d0", size = 55547, upload-time = "2025-08-12T05:53:21.714Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/3f/23/bb82321b86411eb51e5a5db3fb8f8032fd30bd7c2d74bfe936136b2fa1d6/wrapt-1.17.3-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:88bbae4d40d5a46142e70d58bf664a89b6b4befaea7b2ecc14e03cedb8e06c04", size = 53482, upload-time = "2025-08-12T05:51:44.467Z" }, - { url = "https://files.pythonhosted.org/packages/45/69/f3c47642b79485a30a59c63f6d739ed779fb4cc8323205d047d741d55220/wrapt-1.17.3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:e6b13af258d6a9ad602d57d889f83b9d5543acd471eee12eb51f5b01f8eb1bc2", size = 38676, upload-time = "2025-08-12T05:51:32.636Z" }, - { url = "https://files.pythonhosted.org/packages/d1/71/e7e7f5670c1eafd9e990438e69d8fb46fa91a50785332e06b560c869454f/wrapt-1.17.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:fd341868a4b6714a5962c1af0bd44f7c404ef78720c7de4892901e540417111c", size = 38957, upload-time = "2025-08-12T05:51:54.655Z" }, - { url = "https://files.pythonhosted.org/packages/de/17/9f8f86755c191d6779d7ddead1a53c7a8aa18bccb7cea8e7e72dfa6a8a09/wrapt-1.17.3-cp310-cp310-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:f9b2601381be482f70e5d1051a5965c25fb3625455a2bf520b5a077b22afb775", size = 81975, upload-time = "2025-08-12T05:52:30.109Z" }, - { url = "https://files.pythonhosted.org/packages/f2/15/dd576273491f9f43dd09fce517f6c2ce6eb4fe21681726068db0d0467096/wrapt-1.17.3-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:343e44b2a8e60e06a7e0d29c1671a0d9951f59174f3709962b5143f60a2a98bd", size = 83149, upload-time = "2025-08-12T05:52:09.316Z" }, - { url = "https://files.pythonhosted.org/packages/0c/c4/5eb4ce0d4814521fee7aa806264bf7a114e748ad05110441cd5b8a5c744b/wrapt-1.17.3-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:33486899acd2d7d3066156b03465b949da3fd41a5da6e394ec49d271baefcf05", size = 82209, upload-time = "2025-08-12T05:52:10.331Z" }, - { url = "https://files.pythonhosted.org/packages/31/4b/819e9e0eb5c8dc86f60dfc42aa4e2c0d6c3db8732bce93cc752e604bb5f5/wrapt-1.17.3-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:e6f40a8aa5a92f150bdb3e1c44b7e98fb7113955b2e5394122fa5532fec4b418", size = 81551, upload-time = "2025-08-12T05:52:31.137Z" }, - { url = "https://files.pythonhosted.org/packages/f8/83/ed6baf89ba3a56694700139698cf703aac9f0f9eb03dab92f57551bd5385/wrapt-1.17.3-cp310-cp310-win32.whl", hash = "sha256:a36692b8491d30a8c75f1dfee65bef119d6f39ea84ee04d9f9311f83c5ad9390", size = 36464, upload-time = "2025-08-12T05:53:01.204Z" }, - { url = "https://files.pythonhosted.org/packages/2f/90/ee61d36862340ad7e9d15a02529df6b948676b9a5829fd5e16640156627d/wrapt-1.17.3-cp310-cp310-win_amd64.whl", hash = "sha256:afd964fd43b10c12213574db492cb8f73b2f0826c8df07a68288f8f19af2ebe6", size = 38748, upload-time = "2025-08-12T05:53:00.209Z" }, - { url = "https://files.pythonhosted.org/packages/bd/c3/cefe0bd330d389c9983ced15d326f45373f4073c9f4a8c2f99b50bfea329/wrapt-1.17.3-cp310-cp310-win_arm64.whl", hash = "sha256:af338aa93554be859173c39c85243970dc6a289fa907402289eeae7543e1ae18", size = 36810, upload-time = "2025-08-12T05:52:51.906Z" }, - { url = "https://files.pythonhosted.org/packages/52/db/00e2a219213856074a213503fdac0511203dceefff26e1daa15250cc01a0/wrapt-1.17.3-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:273a736c4645e63ac582c60a56b0acb529ef07f78e08dc6bfadf6a46b19c0da7", size = 53482, upload-time = "2025-08-12T05:51:45.79Z" }, - { url = "https://files.pythonhosted.org/packages/5e/30/ca3c4a5eba478408572096fe9ce36e6e915994dd26a4e9e98b4f729c06d9/wrapt-1.17.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:5531d911795e3f935a9c23eb1c8c03c211661a5060aab167065896bbf62a5f85", size = 38674, upload-time = "2025-08-12T05:51:34.629Z" }, - { url = "https://files.pythonhosted.org/packages/31/25/3e8cc2c46b5329c5957cec959cb76a10718e1a513309c31399a4dad07eb3/wrapt-1.17.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:0610b46293c59a3adbae3dee552b648b984176f8562ee0dba099a56cfbe4df1f", size = 38959, upload-time = "2025-08-12T05:51:56.074Z" }, - { url = "https://files.pythonhosted.org/packages/5d/8f/a32a99fc03e4b37e31b57cb9cefc65050ea08147a8ce12f288616b05ef54/wrapt-1.17.3-cp311-cp311-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:b32888aad8b6e68f83a8fdccbf3165f5469702a7544472bdf41f582970ed3311", size = 82376, upload-time = "2025-08-12T05:52:32.134Z" }, - { url = "https://files.pythonhosted.org/packages/31/57/4930cb8d9d70d59c27ee1332a318c20291749b4fba31f113c2f8ac49a72e/wrapt-1.17.3-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:8cccf4f81371f257440c88faed6b74f1053eef90807b77e31ca057b2db74edb1", size = 83604, upload-time = "2025-08-12T05:52:11.663Z" }, - { url = "https://files.pythonhosted.org/packages/a8/f3/1afd48de81d63dd66e01b263a6fbb86e1b5053b419b9b33d13e1f6d0f7d0/wrapt-1.17.3-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:d8a210b158a34164de8bb68b0e7780041a903d7b00c87e906fb69928bf7890d5", size = 82782, upload-time = "2025-08-12T05:52:12.626Z" }, - { url = "https://files.pythonhosted.org/packages/1e/d7/4ad5327612173b144998232f98a85bb24b60c352afb73bc48e3e0d2bdc4e/wrapt-1.17.3-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:79573c24a46ce11aab457b472efd8d125e5a51da2d1d24387666cd85f54c05b2", size = 82076, upload-time = "2025-08-12T05:52:33.168Z" }, - { url = "https://files.pythonhosted.org/packages/bb/59/e0adfc831674a65694f18ea6dc821f9fcb9ec82c2ce7e3d73a88ba2e8718/wrapt-1.17.3-cp311-cp311-win32.whl", hash = "sha256:c31eebe420a9a5d2887b13000b043ff6ca27c452a9a22fa71f35f118e8d4bf89", size = 36457, upload-time = "2025-08-12T05:53:03.936Z" }, - { url = "https://files.pythonhosted.org/packages/83/88/16b7231ba49861b6f75fc309b11012ede4d6b0a9c90969d9e0db8d991aeb/wrapt-1.17.3-cp311-cp311-win_amd64.whl", hash = "sha256:0b1831115c97f0663cb77aa27d381237e73ad4f721391a9bfb2fe8bc25fa6e77", size = 38745, upload-time = "2025-08-12T05:53:02.885Z" }, - { url = "https://files.pythonhosted.org/packages/9a/1e/c4d4f3398ec073012c51d1c8d87f715f56765444e1a4b11e5180577b7e6e/wrapt-1.17.3-cp311-cp311-win_arm64.whl", hash = "sha256:5a7b3c1ee8265eb4c8f1b7d29943f195c00673f5ab60c192eba2d4a7eae5f46a", size = 36806, upload-time = "2025-08-12T05:52:53.368Z" }, - { url = "https://files.pythonhosted.org/packages/9f/41/cad1aba93e752f1f9268c77270da3c469883d56e2798e7df6240dcb2287b/wrapt-1.17.3-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:ab232e7fdb44cdfbf55fc3afa31bcdb0d8980b9b95c38b6405df2acb672af0e0", size = 53998, upload-time = "2025-08-12T05:51:47.138Z" }, - { url = "https://files.pythonhosted.org/packages/60/f8/096a7cc13097a1869fe44efe68dace40d2a16ecb853141394047f0780b96/wrapt-1.17.3-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:9baa544e6acc91130e926e8c802a17f3b16fbea0fd441b5a60f5cf2cc5c3deba", size = 39020, upload-time = "2025-08-12T05:51:35.906Z" }, - { url = "https://files.pythonhosted.org/packages/33/df/bdf864b8997aab4febb96a9ae5c124f700a5abd9b5e13d2a3214ec4be705/wrapt-1.17.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:6b538e31eca1a7ea4605e44f81a48aa24c4632a277431a6ed3f328835901f4fd", size = 39098, upload-time = "2025-08-12T05:51:57.474Z" }, - { url = "https://files.pythonhosted.org/packages/9f/81/5d931d78d0eb732b95dc3ddaeeb71c8bb572fb01356e9133916cd729ecdd/wrapt-1.17.3-cp312-cp312-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:042ec3bb8f319c147b1301f2393bc19dba6e176b7da446853406d041c36c7828", size = 88036, upload-time = "2025-08-12T05:52:34.784Z" }, - { url = "https://files.pythonhosted.org/packages/ca/38/2e1785df03b3d72d34fc6252d91d9d12dc27a5c89caef3335a1bbb8908ca/wrapt-1.17.3-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:3af60380ba0b7b5aeb329bc4e402acd25bd877e98b3727b0135cb5c2efdaefe9", size = 88156, upload-time = "2025-08-12T05:52:13.599Z" }, - { url = "https://files.pythonhosted.org/packages/b3/8b/48cdb60fe0603e34e05cffda0b2a4adab81fd43718e11111a4b0100fd7c1/wrapt-1.17.3-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:0b02e424deef65c9f7326d8c19220a2c9040c51dc165cddb732f16198c168396", size = 87102, upload-time = "2025-08-12T05:52:14.56Z" }, - { url = "https://files.pythonhosted.org/packages/3c/51/d81abca783b58f40a154f1b2c56db1d2d9e0d04fa2d4224e357529f57a57/wrapt-1.17.3-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:74afa28374a3c3a11b3b5e5fca0ae03bef8450d6aa3ab3a1e2c30e3a75d023dc", size = 87732, upload-time = "2025-08-12T05:52:36.165Z" }, - { url = "https://files.pythonhosted.org/packages/9e/b1/43b286ca1392a006d5336412d41663eeef1ad57485f3e52c767376ba7e5a/wrapt-1.17.3-cp312-cp312-win32.whl", hash = "sha256:4da9f45279fff3543c371d5ababc57a0384f70be244de7759c85a7f989cb4ebe", size = 36705, upload-time = "2025-08-12T05:53:07.123Z" }, - { url = "https://files.pythonhosted.org/packages/28/de/49493f962bd3c586ab4b88066e967aa2e0703d6ef2c43aa28cb83bf7b507/wrapt-1.17.3-cp312-cp312-win_amd64.whl", hash = "sha256:e71d5c6ebac14875668a1e90baf2ea0ef5b7ac7918355850c0908ae82bcb297c", size = 38877, upload-time = "2025-08-12T05:53:05.436Z" }, - { url = "https://files.pythonhosted.org/packages/f1/48/0f7102fe9cb1e8a5a77f80d4f0956d62d97034bbe88d33e94699f99d181d/wrapt-1.17.3-cp312-cp312-win_arm64.whl", hash = "sha256:604d076c55e2fdd4c1c03d06dc1a31b95130010517b5019db15365ec4a405fc6", size = 36885, upload-time = "2025-08-12T05:52:54.367Z" }, - { url = "https://files.pythonhosted.org/packages/fc/f6/759ece88472157acb55fc195e5b116e06730f1b651b5b314c66291729193/wrapt-1.17.3-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:a47681378a0439215912ef542c45a783484d4dd82bac412b71e59cf9c0e1cea0", size = 54003, upload-time = "2025-08-12T05:51:48.627Z" }, - { url = "https://files.pythonhosted.org/packages/4f/a9/49940b9dc6d47027dc850c116d79b4155f15c08547d04db0f07121499347/wrapt-1.17.3-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:54a30837587c6ee3cd1a4d1c2ec5d24e77984d44e2f34547e2323ddb4e22eb77", size = 39025, upload-time = "2025-08-12T05:51:37.156Z" }, - { url = "https://files.pythonhosted.org/packages/45/35/6a08de0f2c96dcdd7fe464d7420ddb9a7655a6561150e5fc4da9356aeaab/wrapt-1.17.3-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:16ecf15d6af39246fe33e507105d67e4b81d8f8d2c6598ff7e3ca1b8a37213f7", size = 39108, upload-time = "2025-08-12T05:51:58.425Z" }, - { url = "https://files.pythonhosted.org/packages/0c/37/6faf15cfa41bf1f3dba80cd3f5ccc6622dfccb660ab26ed79f0178c7497f/wrapt-1.17.3-cp313-cp313-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:6fd1ad24dc235e4ab88cda009e19bf347aabb975e44fd5c2fb22a3f6e4141277", size = 88072, upload-time = "2025-08-12T05:52:37.53Z" }, - { url = "https://files.pythonhosted.org/packages/78/f2/efe19ada4a38e4e15b6dff39c3e3f3f73f5decf901f66e6f72fe79623a06/wrapt-1.17.3-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:0ed61b7c2d49cee3c027372df5809a59d60cf1b6c2f81ee980a091f3afed6a2d", size = 88214, upload-time = "2025-08-12T05:52:15.886Z" }, - { url = "https://files.pythonhosted.org/packages/40/90/ca86701e9de1622b16e09689fc24b76f69b06bb0150990f6f4e8b0eeb576/wrapt-1.17.3-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:423ed5420ad5f5529db9ce89eac09c8a2f97da18eb1c870237e84c5a5c2d60aa", size = 87105, upload-time = "2025-08-12T05:52:17.914Z" }, - { url = "https://files.pythonhosted.org/packages/fd/e0/d10bd257c9a3e15cbf5523025252cc14d77468e8ed644aafb2d6f54cb95d/wrapt-1.17.3-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:e01375f275f010fcbf7f643b4279896d04e571889b8a5b3f848423d91bf07050", size = 87766, upload-time = "2025-08-12T05:52:39.243Z" }, - { url = "https://files.pythonhosted.org/packages/e8/cf/7d848740203c7b4b27eb55dbfede11aca974a51c3d894f6cc4b865f42f58/wrapt-1.17.3-cp313-cp313-win32.whl", hash = "sha256:53e5e39ff71b3fc484df8a522c933ea2b7cdd0d5d15ae82e5b23fde87d44cbd8", size = 36711, upload-time = "2025-08-12T05:53:10.074Z" }, - { url = "https://files.pythonhosted.org/packages/57/54/35a84d0a4d23ea675994104e667ceff49227ce473ba6a59ba2c84f250b74/wrapt-1.17.3-cp313-cp313-win_amd64.whl", hash = "sha256:1f0b2f40cf341ee8cc1a97d51ff50dddb9fcc73241b9143ec74b30fc4f44f6cb", size = 38885, upload-time = "2025-08-12T05:53:08.695Z" }, - { url = "https://files.pythonhosted.org/packages/01/77/66e54407c59d7b02a3c4e0af3783168fff8e5d61def52cda8728439d86bc/wrapt-1.17.3-cp313-cp313-win_arm64.whl", hash = "sha256:7425ac3c54430f5fc5e7b6f41d41e704db073309acfc09305816bc6a0b26bb16", size = 36896, upload-time = "2025-08-12T05:52:55.34Z" }, - { url = "https://files.pythonhosted.org/packages/02/a2/cd864b2a14f20d14f4c496fab97802001560f9f41554eef6df201cd7f76c/wrapt-1.17.3-cp314-cp314-macosx_10_13_universal2.whl", hash = "sha256:cf30f6e3c077c8e6a9a7809c94551203c8843e74ba0c960f4a98cd80d4665d39", size = 54132, upload-time = "2025-08-12T05:51:49.864Z" }, - { url = "https://files.pythonhosted.org/packages/d5/46/d011725b0c89e853dc44cceb738a307cde5d240d023d6d40a82d1b4e1182/wrapt-1.17.3-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:e228514a06843cae89621384cfe3a80418f3c04aadf8a3b14e46a7be704e4235", size = 39091, upload-time = "2025-08-12T05:51:38.935Z" }, - { url = "https://files.pythonhosted.org/packages/2e/9e/3ad852d77c35aae7ddebdbc3b6d35ec8013af7d7dddad0ad911f3d891dae/wrapt-1.17.3-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:5ea5eb3c0c071862997d6f3e02af1d055f381b1d25b286b9d6644b79db77657c", size = 39172, upload-time = "2025-08-12T05:51:59.365Z" }, - { url = "https://files.pythonhosted.org/packages/c3/f7/c983d2762bcce2326c317c26a6a1e7016f7eb039c27cdf5c4e30f4160f31/wrapt-1.17.3-cp314-cp314-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:281262213373b6d5e4bb4353bc36d1ba4084e6d6b5d242863721ef2bf2c2930b", size = 87163, upload-time = "2025-08-12T05:52:40.965Z" }, - { url = "https://files.pythonhosted.org/packages/e4/0f/f673f75d489c7f22d17fe0193e84b41540d962f75fce579cf6873167c29b/wrapt-1.17.3-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:dc4a8d2b25efb6681ecacad42fca8859f88092d8732b170de6a5dddd80a1c8fa", size = 87963, upload-time = "2025-08-12T05:52:20.326Z" }, - { url = "https://files.pythonhosted.org/packages/df/61/515ad6caca68995da2fac7a6af97faab8f78ebe3bf4f761e1b77efbc47b5/wrapt-1.17.3-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:373342dd05b1d07d752cecbec0c41817231f29f3a89aa8b8843f7b95992ed0c7", size = 86945, upload-time = "2025-08-12T05:52:21.581Z" }, - { url = "https://files.pythonhosted.org/packages/d3/bd/4e70162ce398462a467bc09e768bee112f1412e563620adc353de9055d33/wrapt-1.17.3-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:d40770d7c0fd5cbed9d84b2c3f2e156431a12c9a37dc6284060fb4bec0b7ffd4", size = 86857, upload-time = "2025-08-12T05:52:43.043Z" }, - { url = "https://files.pythonhosted.org/packages/2b/b8/da8560695e9284810b8d3df8a19396a6e40e7518059584a1a394a2b35e0a/wrapt-1.17.3-cp314-cp314-win32.whl", hash = "sha256:fbd3c8319de8e1dc79d346929cd71d523622da527cca14e0c1d257e31c2b8b10", size = 37178, upload-time = "2025-08-12T05:53:12.605Z" }, - { url = "https://files.pythonhosted.org/packages/db/c8/b71eeb192c440d67a5a0449aaee2310a1a1e8eca41676046f99ed2487e9f/wrapt-1.17.3-cp314-cp314-win_amd64.whl", hash = "sha256:e1a4120ae5705f673727d3253de3ed0e016f7cd78dc463db1b31e2463e1f3cf6", size = 39310, upload-time = "2025-08-12T05:53:11.106Z" }, - { url = "https://files.pythonhosted.org/packages/45/20/2cda20fd4865fa40f86f6c46ed37a2a8356a7a2fde0773269311f2af56c7/wrapt-1.17.3-cp314-cp314-win_arm64.whl", hash = "sha256:507553480670cab08a800b9463bdb881b2edeed77dc677b0a5915e6106e91a58", size = 37266, upload-time = "2025-08-12T05:52:56.531Z" }, - { url = "https://files.pythonhosted.org/packages/77/ed/dd5cf21aec36c80443c6f900449260b80e2a65cf963668eaef3b9accce36/wrapt-1.17.3-cp314-cp314t-macosx_10_13_universal2.whl", hash = "sha256:ed7c635ae45cfbc1a7371f708727bf74690daedc49b4dba310590ca0bd28aa8a", size = 56544, upload-time = "2025-08-12T05:51:51.109Z" }, - { url = "https://files.pythonhosted.org/packages/8d/96/450c651cc753877ad100c7949ab4d2e2ecc4d97157e00fa8f45df682456a/wrapt-1.17.3-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:249f88ed15503f6492a71f01442abddd73856a0032ae860de6d75ca62eed8067", size = 40283, upload-time = "2025-08-12T05:51:39.912Z" }, - { url = "https://files.pythonhosted.org/packages/d1/86/2fcad95994d9b572db57632acb6f900695a648c3e063f2cd344b3f5c5a37/wrapt-1.17.3-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:5a03a38adec8066d5a37bea22f2ba6bbf39fcdefbe2d91419ab864c3fb515454", size = 40366, upload-time = "2025-08-12T05:52:00.693Z" }, - { url = "https://files.pythonhosted.org/packages/64/0e/f4472f2fdde2d4617975144311f8800ef73677a159be7fe61fa50997d6c0/wrapt-1.17.3-cp314-cp314t-manylinux1_x86_64.manylinux_2_28_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:5d4478d72eb61c36e5b446e375bbc49ed002430d17cdec3cecb36993398e1a9e", size = 108571, upload-time = "2025-08-12T05:52:44.521Z" }, - { url = "https://files.pythonhosted.org/packages/cc/01/9b85a99996b0a97c8a17484684f206cbb6ba73c1ce6890ac668bcf3838fb/wrapt-1.17.3-cp314-cp314t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:223db574bb38637e8230eb14b185565023ab624474df94d2af18f1cdb625216f", size = 113094, upload-time = "2025-08-12T05:52:22.618Z" }, - { url = "https://files.pythonhosted.org/packages/25/02/78926c1efddcc7b3aa0bc3d6b33a822f7d898059f7cd9ace8c8318e559ef/wrapt-1.17.3-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:e405adefb53a435f01efa7ccdec012c016b5a1d3f35459990afc39b6be4d5056", size = 110659, upload-time = "2025-08-12T05:52:24.057Z" }, - { url = "https://files.pythonhosted.org/packages/dc/ee/c414501ad518ac3e6fe184753632fe5e5ecacdcf0effc23f31c1e4f7bfcf/wrapt-1.17.3-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:88547535b787a6c9ce4086917b6e1d291aa8ed914fdd3a838b3539dc95c12804", size = 106946, upload-time = "2025-08-12T05:52:45.976Z" }, - { url = "https://files.pythonhosted.org/packages/be/44/a1bd64b723d13bb151d6cc91b986146a1952385e0392a78567e12149c7b4/wrapt-1.17.3-cp314-cp314t-win32.whl", hash = "sha256:41b1d2bc74c2cac6f9074df52b2efbef2b30bdfe5f40cb78f8ca22963bc62977", size = 38717, upload-time = "2025-08-12T05:53:15.214Z" }, - { url = "https://files.pythonhosted.org/packages/79/d9/7cfd5a312760ac4dd8bf0184a6ee9e43c33e47f3dadc303032ce012b8fa3/wrapt-1.17.3-cp314-cp314t-win_amd64.whl", hash = "sha256:73d496de46cd2cdbdbcce4ae4bcdb4afb6a11234a1df9c085249d55166b95116", size = 41334, upload-time = "2025-08-12T05:53:14.178Z" }, - { url = "https://files.pythonhosted.org/packages/46/78/10ad9781128ed2f99dbc474f43283b13fea8ba58723e98844367531c18e9/wrapt-1.17.3-cp314-cp314t-win_arm64.whl", hash = "sha256:f38e60678850c42461d4202739f9bf1e3a737c7ad283638251e79cc49effb6b6", size = 38471, upload-time = "2025-08-12T05:52:57.784Z" }, - { url = "https://files.pythonhosted.org/packages/1f/f6/a933bd70f98e9cf3e08167fc5cd7aaaca49147e48411c0bd5ae701bb2194/wrapt-1.17.3-py3-none-any.whl", hash = "sha256:7171ae35d2c33d326ac19dd8facb1e82e5fd04ef8c6c0e394d7af55a55051c22", size = 23591, upload-time = "2025-08-12T05:53:20.674Z" }, -] - -[[package]] -name = "wurlitzer" -version = "3.1.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/33/90/623f99c55c7d0727a58eb2b7dfb65cb406c561a5c2e9a95b0d6a450c473d/wurlitzer-3.1.1.tar.gz", hash = "sha256:bfb9144ab9f02487d802b9ff89dbd3fa382d08f73e12db8adc4c2fb00cd39bd9", size = 11867, upload-time = "2024-06-12T10:27:30.089Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/9a/24/93ce54550a9dd3fd996ed477f00221f215bf6da3580397fbc138d6036e2e/wurlitzer-3.1.1-py3-none-any.whl", hash = "sha256:0b2749c2cde3ef640bf314a9f94b24d929fe1ca476974719a6909dfc568c3aac", size = 8590, upload-time = "2024-06-12T10:27:28.787Z" }, -] - -[[package]] -name = "yarl" -version = "1.22.0" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "idna" }, - { name = "multidict" }, - { name = "propcache" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/57/63/0c6ebca57330cd313f6102b16dd57ffaf3ec4c83403dcb45dbd15c6f3ea1/yarl-1.22.0.tar.gz", hash = "sha256:bebf8557577d4401ba8bd9ff33906f1376c877aa78d1fe216ad01b4d6745af71", size = 187169, upload-time = "2025-10-06T14:12:55.963Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/d1/43/a2204825342f37c337f5edb6637040fa14e365b2fcc2346960201d457579/yarl-1.22.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:c7bd6683587567e5a49ee6e336e0612bec8329be1b7d4c8af5687dcdeb67ee1e", size = 140517, upload-time = "2025-10-06T14:08:42.494Z" }, - { url = "https://files.pythonhosted.org/packages/44/6f/674f3e6f02266428c56f704cd2501c22f78e8b2eeb23f153117cc86fb28a/yarl-1.22.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:5cdac20da754f3a723cceea5b3448e1a2074866406adeb4ef35b469d089adb8f", size = 93495, upload-time = "2025-10-06T14:08:46.2Z" }, - { url = "https://files.pythonhosted.org/packages/b8/12/5b274d8a0f30c07b91b2f02cba69152600b47830fcfb465c108880fcee9c/yarl-1.22.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:07a524d84df0c10f41e3ee918846e1974aba4ec017f990dc735aad487a0bdfdf", size = 94400, upload-time = "2025-10-06T14:08:47.855Z" }, - { url = "https://files.pythonhosted.org/packages/e2/7f/df1b6949b1fa1aa9ff6de6e2631876ad4b73c4437822026e85d8acb56bb1/yarl-1.22.0-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:e1b329cb8146d7b736677a2440e422eadd775d1806a81db2d4cded80a48efc1a", size = 347545, upload-time = "2025-10-06T14:08:49.683Z" }, - { url = "https://files.pythonhosted.org/packages/84/09/f92ed93bd6cd77872ab6c3462df45ca45cd058d8f1d0c9b4f54c1704429f/yarl-1.22.0-cp310-cp310-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:75976c6945d85dbb9ee6308cd7ff7b1fb9409380c82d6119bd778d8fcfe2931c", size = 319598, upload-time = "2025-10-06T14:08:51.215Z" }, - { url = "https://files.pythonhosted.org/packages/c3/97/ac3f3feae7d522cf7ccec3d340bb0b2b61c56cb9767923df62a135092c6b/yarl-1.22.0-cp310-cp310-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:80ddf7a5f8c86cb3eb4bc9028b07bbbf1f08a96c5c0bc1244be5e8fefcb94147", size = 363893, upload-time = "2025-10-06T14:08:53.144Z" }, - { url = "https://files.pythonhosted.org/packages/06/49/f3219097403b9c84a4d079b1d7bda62dd9b86d0d6e4428c02d46ab2c77fc/yarl-1.22.0-cp310-cp310-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:d332fc2e3c94dad927f2112395772a4e4fedbcf8f80efc21ed7cdfae4d574fdb", size = 371240, upload-time = "2025-10-06T14:08:55.036Z" }, - { url = "https://files.pythonhosted.org/packages/35/9f/06b765d45c0e44e8ecf0fe15c9eacbbde342bb5b7561c46944f107bfb6c3/yarl-1.22.0-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:0cf71bf877efeac18b38d3930594c0948c82b64547c1cf420ba48722fe5509f6", size = 346965, upload-time = "2025-10-06T14:08:56.722Z" }, - { url = "https://files.pythonhosted.org/packages/c5/69/599e7cea8d0fcb1694323b0db0dda317fa3162f7b90166faddecf532166f/yarl-1.22.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:663e1cadaddae26be034a6ab6072449a8426ddb03d500f43daf952b74553bba0", size = 342026, upload-time = "2025-10-06T14:08:58.563Z" }, - { url = "https://files.pythonhosted.org/packages/95/6f/9dfd12c8bc90fea9eab39832ee32ea48f8e53d1256252a77b710c065c89f/yarl-1.22.0-cp310-cp310-musllinux_1_2_armv7l.whl", hash = "sha256:6dcbb0829c671f305be48a7227918cfcd11276c2d637a8033a99a02b67bf9eda", size = 335637, upload-time = "2025-10-06T14:09:00.506Z" }, - { url = "https://files.pythonhosted.org/packages/57/2e/34c5b4eb9b07e16e873db5b182c71e5f06f9b5af388cdaa97736d79dd9a6/yarl-1.22.0-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:f0d97c18dfd9a9af4490631905a3f131a8e4c9e80a39353919e2cfed8f00aedc", size = 359082, upload-time = "2025-10-06T14:09:01.936Z" }, - { url = "https://files.pythonhosted.org/packages/31/71/fa7e10fb772d273aa1f096ecb8ab8594117822f683bab7d2c5a89914c92a/yarl-1.22.0-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:437840083abe022c978470b942ff832c3940b2ad3734d424b7eaffcd07f76737", size = 357811, upload-time = "2025-10-06T14:09:03.445Z" }, - { url = "https://files.pythonhosted.org/packages/26/da/11374c04e8e1184a6a03cf9c8f5688d3e5cec83ed6f31ad3481b3207f709/yarl-1.22.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:a899cbd98dce6f5d8de1aad31cb712ec0a530abc0a86bd6edaa47c1090138467", size = 351223, upload-time = "2025-10-06T14:09:05.401Z" }, - { url = "https://files.pythonhosted.org/packages/82/8f/e2d01f161b0c034a30410e375e191a5d27608c1f8693bab1a08b089ca096/yarl-1.22.0-cp310-cp310-win32.whl", hash = "sha256:595697f68bd1f0c1c159fcb97b661fc9c3f5db46498043555d04805430e79bea", size = 82118, upload-time = "2025-10-06T14:09:11.148Z" }, - { url = "https://files.pythonhosted.org/packages/62/46/94c76196642dbeae634c7a61ba3da88cd77bed875bf6e4a8bed037505aa6/yarl-1.22.0-cp310-cp310-win_amd64.whl", hash = "sha256:cb95a9b1adaa48e41815a55ae740cfda005758104049a640a398120bf02515ca", size = 86852, upload-time = "2025-10-06T14:09:12.958Z" }, - { url = "https://files.pythonhosted.org/packages/af/af/7df4f179d3b1a6dcb9a4bd2ffbc67642746fcafdb62580e66876ce83fff4/yarl-1.22.0-cp310-cp310-win_arm64.whl", hash = "sha256:b85b982afde6df99ecc996990d4ad7ccbdbb70e2a4ba4de0aecde5922ba98a0b", size = 82012, upload-time = "2025-10-06T14:09:14.664Z" }, - { url = "https://files.pythonhosted.org/packages/4d/27/5ab13fc84c76a0250afd3d26d5936349a35be56ce5785447d6c423b26d92/yarl-1.22.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:1ab72135b1f2db3fed3997d7e7dc1b80573c67138023852b6efb336a5eae6511", size = 141607, upload-time = "2025-10-06T14:09:16.298Z" }, - { url = "https://files.pythonhosted.org/packages/6a/a1/d065d51d02dc02ce81501d476b9ed2229d9a990818332242a882d5d60340/yarl-1.22.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:669930400e375570189492dc8d8341301578e8493aec04aebc20d4717f899dd6", size = 94027, upload-time = "2025-10-06T14:09:17.786Z" }, - { url = "https://files.pythonhosted.org/packages/c1/da/8da9f6a53f67b5106ffe902c6fa0164e10398d4e150d85838b82f424072a/yarl-1.22.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:792a2af6d58177ef7c19cbf0097aba92ca1b9cb3ffdd9c7470e156c8f9b5e028", size = 94963, upload-time = "2025-10-06T14:09:19.662Z" }, - { url = "https://files.pythonhosted.org/packages/68/fe/2c1f674960c376e29cb0bec1249b117d11738db92a6ccc4a530b972648db/yarl-1.22.0-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:3ea66b1c11c9150f1372f69afb6b8116f2dd7286f38e14ea71a44eee9ec51b9d", size = 368406, upload-time = "2025-10-06T14:09:21.402Z" }, - { url = "https://files.pythonhosted.org/packages/95/26/812a540e1c3c6418fec60e9bbd38e871eaba9545e94fa5eff8f4a8e28e1e/yarl-1.22.0-cp311-cp311-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:3e2daa88dc91870215961e96a039ec73e4937da13cf77ce17f9cad0c18df3503", size = 336581, upload-time = "2025-10-06T14:09:22.98Z" }, - { url = "https://files.pythonhosted.org/packages/0b/f5/5777b19e26fdf98563985e481f8be3d8a39f8734147a6ebf459d0dab5a6b/yarl-1.22.0-cp311-cp311-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:ba440ae430c00eee41509353628600212112cd5018d5def7e9b05ea7ac34eb65", size = 388924, upload-time = "2025-10-06T14:09:24.655Z" }, - { url = "https://files.pythonhosted.org/packages/86/08/24bd2477bd59c0bbd994fe1d93b126e0472e4e3df5a96a277b0a55309e89/yarl-1.22.0-cp311-cp311-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:e6438cc8f23a9c1478633d216b16104a586b9761db62bfacb6425bac0a36679e", size = 392890, upload-time = "2025-10-06T14:09:26.617Z" }, - { url = "https://files.pythonhosted.org/packages/46/00/71b90ed48e895667ecfb1eaab27c1523ee2fa217433ed77a73b13205ca4b/yarl-1.22.0-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:4c52a6e78aef5cf47a98ef8e934755abf53953379b7d53e68b15ff4420e6683d", size = 365819, upload-time = "2025-10-06T14:09:28.544Z" }, - { url = "https://files.pythonhosted.org/packages/30/2d/f715501cae832651d3282387c6a9236cd26bd00d0ff1e404b3dc52447884/yarl-1.22.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:3b06bcadaac49c70f4c88af4ffcfbe3dc155aab3163e75777818092478bcbbe7", size = 363601, upload-time = "2025-10-06T14:09:30.568Z" }, - { url = "https://files.pythonhosted.org/packages/f8/f9/a678c992d78e394e7126ee0b0e4e71bd2775e4334d00a9278c06a6cce96a/yarl-1.22.0-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:6944b2dc72c4d7f7052683487e3677456050ff77fcf5e6204e98caf785ad1967", size = 358072, upload-time = "2025-10-06T14:09:32.528Z" }, - { url = "https://files.pythonhosted.org/packages/2c/d1/b49454411a60edb6fefdcad4f8e6dbba7d8019e3a508a1c5836cba6d0781/yarl-1.22.0-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:d5372ca1df0f91a86b047d1277c2aaf1edb32d78bbcefffc81b40ffd18f027ed", size = 385311, upload-time = "2025-10-06T14:09:34.634Z" }, - { url = "https://files.pythonhosted.org/packages/87/e5/40d7a94debb8448c7771a916d1861d6609dddf7958dc381117e7ba36d9e8/yarl-1.22.0-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:51af598701f5299012b8416486b40fceef8c26fc87dc6d7d1f6fc30609ea0aa6", size = 381094, upload-time = "2025-10-06T14:09:36.268Z" }, - { url = "https://files.pythonhosted.org/packages/35/d8/611cc282502381ad855448643e1ad0538957fc82ae83dfe7762c14069e14/yarl-1.22.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:b266bd01fedeffeeac01a79ae181719ff848a5a13ce10075adbefc8f1daee70e", size = 370944, upload-time = "2025-10-06T14:09:37.872Z" }, - { url = "https://files.pythonhosted.org/packages/2d/df/fadd00fb1c90e1a5a8bd731fa3d3de2e165e5a3666a095b04e31b04d9cb6/yarl-1.22.0-cp311-cp311-win32.whl", hash = "sha256:a9b1ba5610a4e20f655258d5a1fdc7ebe3d837bb0e45b581398b99eb98b1f5ca", size = 81804, upload-time = "2025-10-06T14:09:39.359Z" }, - { url = "https://files.pythonhosted.org/packages/b5/f7/149bb6f45f267cb5c074ac40c01c6b3ea6d8a620d34b337f6321928a1b4d/yarl-1.22.0-cp311-cp311-win_amd64.whl", hash = "sha256:078278b9b0b11568937d9509b589ee83ef98ed6d561dfe2020e24a9fd08eaa2b", size = 86858, upload-time = "2025-10-06T14:09:41.068Z" }, - { url = "https://files.pythonhosted.org/packages/2b/13/88b78b93ad3f2f0b78e13bfaaa24d11cbc746e93fe76d8c06bf139615646/yarl-1.22.0-cp311-cp311-win_arm64.whl", hash = "sha256:b6a6f620cfe13ccec221fa312139135166e47ae169f8253f72a0abc0dae94376", size = 81637, upload-time = "2025-10-06T14:09:42.712Z" }, - { url = "https://files.pythonhosted.org/packages/75/ff/46736024fee3429b80a165a732e38e5d5a238721e634ab41b040d49f8738/yarl-1.22.0-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:e340382d1afa5d32b892b3ff062436d592ec3d692aeea3bef3a5cfe11bbf8c6f", size = 142000, upload-time = "2025-10-06T14:09:44.631Z" }, - { url = "https://files.pythonhosted.org/packages/5a/9a/b312ed670df903145598914770eb12de1bac44599549b3360acc96878df8/yarl-1.22.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:f1e09112a2c31ffe8d80be1b0988fa6a18c5d5cad92a9ffbb1c04c91bfe52ad2", size = 94338, upload-time = "2025-10-06T14:09:46.372Z" }, - { url = "https://files.pythonhosted.org/packages/ba/f5/0601483296f09c3c65e303d60c070a5c19fcdbc72daa061e96170785bc7d/yarl-1.22.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:939fe60db294c786f6b7c2d2e121576628468f65453d86b0fe36cb52f987bd74", size = 94909, upload-time = "2025-10-06T14:09:48.648Z" }, - { url = "https://files.pythonhosted.org/packages/60/41/9a1fe0b73dbcefce72e46cf149b0e0a67612d60bfc90fb59c2b2efdfbd86/yarl-1.22.0-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:e1651bf8e0398574646744c1885a41198eba53dc8a9312b954073f845c90a8df", size = 372940, upload-time = "2025-10-06T14:09:50.089Z" }, - { url = "https://files.pythonhosted.org/packages/17/7a/795cb6dfee561961c30b800f0ed616b923a2ec6258b5def2a00bf8231334/yarl-1.22.0-cp312-cp312-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:b8a0588521a26bf92a57a1705b77b8b59044cdceccac7151bd8d229e66b8dedb", size = 345825, upload-time = "2025-10-06T14:09:52.142Z" }, - { url = "https://files.pythonhosted.org/packages/d7/93/a58f4d596d2be2ae7bab1a5846c4d270b894958845753b2c606d666744d3/yarl-1.22.0-cp312-cp312-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:42188e6a615c1a75bcaa6e150c3fe8f3e8680471a6b10150c5f7e83f47cc34d2", size = 386705, upload-time = "2025-10-06T14:09:54.128Z" }, - { url = "https://files.pythonhosted.org/packages/61/92/682279d0e099d0e14d7fd2e176bd04f48de1484f56546a3e1313cd6c8e7c/yarl-1.22.0-cp312-cp312-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:f6d2cb59377d99718913ad9a151030d6f83ef420a2b8f521d94609ecc106ee82", size = 396518, upload-time = "2025-10-06T14:09:55.762Z" }, - { url = "https://files.pythonhosted.org/packages/db/0f/0d52c98b8a885aeda831224b78f3be7ec2e1aa4a62091f9f9188c3c65b56/yarl-1.22.0-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:50678a3b71c751d58d7908edc96d332af328839eea883bb554a43f539101277a", size = 377267, upload-time = "2025-10-06T14:09:57.958Z" }, - { url = "https://files.pythonhosted.org/packages/22/42/d2685e35908cbeaa6532c1fc73e89e7f2efb5d8a7df3959ea8e37177c5a3/yarl-1.22.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:1e8fbaa7cec507aa24ea27a01456e8dd4b6fab829059b69844bd348f2d467124", size = 365797, upload-time = "2025-10-06T14:09:59.527Z" }, - { url = "https://files.pythonhosted.org/packages/a2/83/cf8c7bcc6355631762f7d8bdab920ad09b82efa6b722999dfb05afa6cfac/yarl-1.22.0-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:433885ab5431bc3d3d4f2f9bd15bfa1614c522b0f1405d62c4f926ccd69d04fa", size = 365535, upload-time = "2025-10-06T14:10:01.139Z" }, - { url = "https://files.pythonhosted.org/packages/25/e1/5302ff9b28f0c59cac913b91fe3f16c59a033887e57ce9ca5d41a3a94737/yarl-1.22.0-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:b790b39c7e9a4192dc2e201a282109ed2985a1ddbd5ac08dc56d0e121400a8f7", size = 382324, upload-time = "2025-10-06T14:10:02.756Z" }, - { url = "https://files.pythonhosted.org/packages/bf/cd/4617eb60f032f19ae3a688dc990d8f0d89ee0ea378b61cac81ede3e52fae/yarl-1.22.0-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:31f0b53913220599446872d757257be5898019c85e7971599065bc55065dc99d", size = 383803, upload-time = "2025-10-06T14:10:04.552Z" }, - { url = "https://files.pythonhosted.org/packages/59/65/afc6e62bb506a319ea67b694551dab4a7e6fb7bf604e9bd9f3e11d575fec/yarl-1.22.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:a49370e8f711daec68d09b821a34e1167792ee2d24d405cbc2387be4f158b520", size = 374220, upload-time = "2025-10-06T14:10:06.489Z" }, - { url = "https://files.pythonhosted.org/packages/e7/3d/68bf18d50dc674b942daec86a9ba922d3113d8399b0e52b9897530442da2/yarl-1.22.0-cp312-cp312-win32.whl", hash = "sha256:70dfd4f241c04bd9239d53b17f11e6ab672b9f1420364af63e8531198e3f5fe8", size = 81589, upload-time = "2025-10-06T14:10:09.254Z" }, - { url = "https://files.pythonhosted.org/packages/c8/9a/6ad1a9b37c2f72874f93e691b2e7ecb6137fb2b899983125db4204e47575/yarl-1.22.0-cp312-cp312-win_amd64.whl", hash = "sha256:8884d8b332a5e9b88e23f60bb166890009429391864c685e17bd73a9eda9105c", size = 87213, upload-time = "2025-10-06T14:10:11.369Z" }, - { url = "https://files.pythonhosted.org/packages/44/c5/c21b562d1680a77634d748e30c653c3ca918beb35555cff24986fff54598/yarl-1.22.0-cp312-cp312-win_arm64.whl", hash = "sha256:ea70f61a47f3cc93bdf8b2f368ed359ef02a01ca6393916bc8ff877427181e74", size = 81330, upload-time = "2025-10-06T14:10:13.112Z" }, - { url = "https://files.pythonhosted.org/packages/ea/f3/d67de7260456ee105dc1d162d43a019ecad6b91e2f51809d6cddaa56690e/yarl-1.22.0-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:8dee9c25c74997f6a750cd317b8ca63545169c098faee42c84aa5e506c819b53", size = 139980, upload-time = "2025-10-06T14:10:14.601Z" }, - { url = "https://files.pythonhosted.org/packages/01/88/04d98af0b47e0ef42597b9b28863b9060bb515524da0a65d5f4db160b2d5/yarl-1.22.0-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:01e73b85a5434f89fc4fe27dcda2aff08ddf35e4d47bbbea3bdcd25321af538a", size = 93424, upload-time = "2025-10-06T14:10:16.115Z" }, - { url = "https://files.pythonhosted.org/packages/18/91/3274b215fd8442a03975ce6bee5fe6aa57a8326b29b9d3d56234a1dca244/yarl-1.22.0-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:22965c2af250d20c873cdbee8ff958fb809940aeb2e74ba5f20aaf6b7ac8c70c", size = 93821, upload-time = "2025-10-06T14:10:17.993Z" }, - { url = "https://files.pythonhosted.org/packages/61/3a/caf4e25036db0f2da4ca22a353dfeb3c9d3c95d2761ebe9b14df8fc16eb0/yarl-1.22.0-cp313-cp313-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:b4f15793aa49793ec8d1c708ab7f9eded1aa72edc5174cae703651555ed1b601", size = 373243, upload-time = "2025-10-06T14:10:19.44Z" }, - { url = "https://files.pythonhosted.org/packages/6e/9e/51a77ac7516e8e7803b06e01f74e78649c24ee1021eca3d6a739cb6ea49c/yarl-1.22.0-cp313-cp313-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:e5542339dcf2747135c5c85f68680353d5cb9ffd741c0f2e8d832d054d41f35a", size = 342361, upload-time = "2025-10-06T14:10:21.124Z" }, - { url = "https://files.pythonhosted.org/packages/d4/f8/33b92454789dde8407f156c00303e9a891f1f51a0330b0fad7c909f87692/yarl-1.22.0-cp313-cp313-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:5c401e05ad47a75869c3ab3e35137f8468b846770587e70d71e11de797d113df", size = 387036, upload-time = "2025-10-06T14:10:22.902Z" }, - { url = "https://files.pythonhosted.org/packages/d9/9a/c5db84ea024f76838220280f732970aa4ee154015d7f5c1bfb60a267af6f/yarl-1.22.0-cp313-cp313-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:243dda95d901c733f5b59214d28b0120893d91777cb8aa043e6ef059d3cddfe2", size = 397671, upload-time = "2025-10-06T14:10:24.523Z" }, - { url = "https://files.pythonhosted.org/packages/11/c9/cd8538dc2e7727095e0c1d867bad1e40c98f37763e6d995c1939f5fdc7b1/yarl-1.22.0-cp313-cp313-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:bec03d0d388060058f5d291a813f21c011041938a441c593374da6077fe21b1b", size = 377059, upload-time = "2025-10-06T14:10:26.406Z" }, - { url = "https://files.pythonhosted.org/packages/a1/b9/ab437b261702ced75122ed78a876a6dec0a1b0f5e17a4ac7a9a2482d8abe/yarl-1.22.0-cp313-cp313-musllinux_1_2_aarch64.whl", hash = "sha256:b0748275abb8c1e1e09301ee3cf90c8a99678a4e92e4373705f2a2570d581273", size = 365356, upload-time = "2025-10-06T14:10:28.461Z" }, - { url = "https://files.pythonhosted.org/packages/b2/9d/8e1ae6d1d008a9567877b08f0ce4077a29974c04c062dabdb923ed98e6fe/yarl-1.22.0-cp313-cp313-musllinux_1_2_armv7l.whl", hash = "sha256:47fdb18187e2a4e18fda2c25c05d8251a9e4a521edaed757fef033e7d8498d9a", size = 361331, upload-time = "2025-10-06T14:10:30.541Z" }, - { url = "https://files.pythonhosted.org/packages/ca/5a/09b7be3905962f145b73beb468cdd53db8aa171cf18c80400a54c5b82846/yarl-1.22.0-cp313-cp313-musllinux_1_2_ppc64le.whl", hash = "sha256:c7044802eec4524fde550afc28edda0dd5784c4c45f0be151a2d3ba017daca7d", size = 382590, upload-time = "2025-10-06T14:10:33.352Z" }, - { url = "https://files.pythonhosted.org/packages/aa/7f/59ec509abf90eda5048b0bc3e2d7b5099dffdb3e6b127019895ab9d5ef44/yarl-1.22.0-cp313-cp313-musllinux_1_2_s390x.whl", hash = "sha256:139718f35149ff544caba20fce6e8a2f71f1e39b92c700d8438a0b1d2a631a02", size = 385316, upload-time = "2025-10-06T14:10:35.034Z" }, - { url = "https://files.pythonhosted.org/packages/e5/84/891158426bc8036bfdfd862fabd0e0fa25df4176ec793e447f4b85cf1be4/yarl-1.22.0-cp313-cp313-musllinux_1_2_x86_64.whl", hash = "sha256:e1b51bebd221006d3d2f95fbe124b22b247136647ae5dcc8c7acafba66e5ee67", size = 374431, upload-time = "2025-10-06T14:10:37.76Z" }, - { url = "https://files.pythonhosted.org/packages/bb/49/03da1580665baa8bef5e8ed34c6df2c2aca0a2f28bf397ed238cc1bbc6f2/yarl-1.22.0-cp313-cp313-win32.whl", hash = "sha256:d3e32536234a95f513bd374e93d717cf6b2231a791758de6c509e3653f234c95", size = 81555, upload-time = "2025-10-06T14:10:39.649Z" }, - { url = "https://files.pythonhosted.org/packages/9a/ee/450914ae11b419eadd067c6183ae08381cfdfcb9798b90b2b713bbebddda/yarl-1.22.0-cp313-cp313-win_amd64.whl", hash = "sha256:47743b82b76d89a1d20b83e60d5c20314cbd5ba2befc9cda8f28300c4a08ed4d", size = 86965, upload-time = "2025-10-06T14:10:41.313Z" }, - { url = "https://files.pythonhosted.org/packages/98/4d/264a01eae03b6cf629ad69bae94e3b0e5344741e929073678e84bf7a3e3b/yarl-1.22.0-cp313-cp313-win_arm64.whl", hash = "sha256:5d0fcda9608875f7d052eff120c7a5da474a6796fe4d83e152e0e4d42f6d1a9b", size = 81205, upload-time = "2025-10-06T14:10:43.167Z" }, - { url = "https://files.pythonhosted.org/packages/88/fc/6908f062a2f77b5f9f6d69cecb1747260831ff206adcbc5b510aff88df91/yarl-1.22.0-cp313-cp313t-macosx_10_13_universal2.whl", hash = "sha256:719ae08b6972befcba4310e49edb1161a88cdd331e3a694b84466bd938a6ab10", size = 146209, upload-time = "2025-10-06T14:10:44.643Z" }, - { url = "https://files.pythonhosted.org/packages/65/47/76594ae8eab26210b4867be6f49129861ad33da1f1ebdf7051e98492bf62/yarl-1.22.0-cp313-cp313t-macosx_10_13_x86_64.whl", hash = "sha256:47d8a5c446df1c4db9d21b49619ffdba90e77c89ec6e283f453856c74b50b9e3", size = 95966, upload-time = "2025-10-06T14:10:46.554Z" }, - { url = "https://files.pythonhosted.org/packages/ab/ce/05e9828a49271ba6b5b038b15b3934e996980dd78abdfeb52a04cfb9467e/yarl-1.22.0-cp313-cp313t-macosx_11_0_arm64.whl", hash = "sha256:cfebc0ac8333520d2d0423cbbe43ae43c8838862ddb898f5ca68565e395516e9", size = 97312, upload-time = "2025-10-06T14:10:48.007Z" }, - { url = "https://files.pythonhosted.org/packages/d1/c5/7dffad5e4f2265b29c9d7ec869c369e4223166e4f9206fc2243ee9eea727/yarl-1.22.0-cp313-cp313t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:4398557cbf484207df000309235979c79c4356518fd5c99158c7d38203c4da4f", size = 361967, upload-time = "2025-10-06T14:10:49.997Z" }, - { url = "https://files.pythonhosted.org/packages/50/b2/375b933c93a54bff7fc041e1a6ad2c0f6f733ffb0c6e642ce56ee3b39970/yarl-1.22.0-cp313-cp313t-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:2ca6fd72a8cd803be290d42f2dec5cdcd5299eeb93c2d929bf060ad9efaf5de0", size = 323949, upload-time = "2025-10-06T14:10:52.004Z" }, - { url = "https://files.pythonhosted.org/packages/66/50/bfc2a29a1d78644c5a7220ce2f304f38248dc94124a326794e677634b6cf/yarl-1.22.0-cp313-cp313t-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:ca1f59c4e1ab6e72f0a23c13fca5430f889634166be85dbf1013683e49e3278e", size = 361818, upload-time = "2025-10-06T14:10:54.078Z" }, - { url = "https://files.pythonhosted.org/packages/46/96/f3941a46af7d5d0f0498f86d71275696800ddcdd20426298e572b19b91ff/yarl-1.22.0-cp313-cp313t-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:6c5010a52015e7c70f86eb967db0f37f3c8bd503a695a49f8d45700144667708", size = 372626, upload-time = "2025-10-06T14:10:55.767Z" }, - { url = "https://files.pythonhosted.org/packages/c1/42/8b27c83bb875cd89448e42cd627e0fb971fa1675c9ec546393d18826cb50/yarl-1.22.0-cp313-cp313t-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:9d7672ecf7557476642c88497c2f8d8542f8e36596e928e9bcba0e42e1e7d71f", size = 341129, upload-time = "2025-10-06T14:10:57.985Z" }, - { url = "https://files.pythonhosted.org/packages/49/36/99ca3122201b382a3cf7cc937b95235b0ac944f7e9f2d5331d50821ed352/yarl-1.22.0-cp313-cp313t-musllinux_1_2_aarch64.whl", hash = "sha256:3b7c88eeef021579d600e50363e0b6ee4f7f6f728cd3486b9d0f3ee7b946398d", size = 346776, upload-time = "2025-10-06T14:10:59.633Z" }, - { url = "https://files.pythonhosted.org/packages/85/b4/47328bf996acd01a4c16ef9dcd2f59c969f495073616586f78cd5f2efb99/yarl-1.22.0-cp313-cp313t-musllinux_1_2_armv7l.whl", hash = "sha256:f4afb5c34f2c6fecdcc182dfcfc6af6cccf1aa923eed4d6a12e9d96904e1a0d8", size = 334879, upload-time = "2025-10-06T14:11:01.454Z" }, - { url = "https://files.pythonhosted.org/packages/c2/ad/b77d7b3f14a4283bffb8e92c6026496f6de49751c2f97d4352242bba3990/yarl-1.22.0-cp313-cp313t-musllinux_1_2_ppc64le.whl", hash = "sha256:59c189e3e99a59cf8d83cbb31d4db02d66cda5a1a4374e8a012b51255341abf5", size = 350996, upload-time = "2025-10-06T14:11:03.452Z" }, - { url = "https://files.pythonhosted.org/packages/81/c8/06e1d69295792ba54d556f06686cbd6a7ce39c22307100e3fb4a2c0b0a1d/yarl-1.22.0-cp313-cp313t-musllinux_1_2_s390x.whl", hash = "sha256:5a3bf7f62a289fa90f1990422dc8dff5a458469ea71d1624585ec3a4c8d6960f", size = 356047, upload-time = "2025-10-06T14:11:05.115Z" }, - { url = "https://files.pythonhosted.org/packages/4b/b8/4c0e9e9f597074b208d18cef227d83aac36184bfbc6eab204ea55783dbc5/yarl-1.22.0-cp313-cp313t-musllinux_1_2_x86_64.whl", hash = "sha256:de6b9a04c606978fdfe72666fa216ffcf2d1a9f6a381058d4378f8d7b1e5de62", size = 342947, upload-time = "2025-10-06T14:11:08.137Z" }, - { url = "https://files.pythonhosted.org/packages/e0/e5/11f140a58bf4c6ad7aca69a892bff0ee638c31bea4206748fc0df4ebcb3a/yarl-1.22.0-cp313-cp313t-win32.whl", hash = "sha256:1834bb90991cc2999f10f97f5f01317f99b143284766d197e43cd5b45eb18d03", size = 86943, upload-time = "2025-10-06T14:11:10.284Z" }, - { url = "https://files.pythonhosted.org/packages/31/74/8b74bae38ed7fe6793d0c15a0c8207bbb819cf287788459e5ed230996cdd/yarl-1.22.0-cp313-cp313t-win_amd64.whl", hash = "sha256:ff86011bd159a9d2dfc89c34cfd8aff12875980e3bd6a39ff097887520e60249", size = 93715, upload-time = "2025-10-06T14:11:11.739Z" }, - { url = "https://files.pythonhosted.org/packages/69/66/991858aa4b5892d57aef7ee1ba6b4d01ec3b7eb3060795d34090a3ca3278/yarl-1.22.0-cp313-cp313t-win_arm64.whl", hash = "sha256:7861058d0582b847bc4e3a4a4c46828a410bca738673f35a29ba3ca5db0b473b", size = 83857, upload-time = "2025-10-06T14:11:13.586Z" }, - { url = "https://files.pythonhosted.org/packages/46/b3/e20ef504049f1a1c54a814b4b9bed96d1ac0e0610c3b4da178f87209db05/yarl-1.22.0-cp314-cp314-macosx_10_13_universal2.whl", hash = "sha256:34b36c2c57124530884d89d50ed2c1478697ad7473efd59cfd479945c95650e4", size = 140520, upload-time = "2025-10-06T14:11:15.465Z" }, - { url = "https://files.pythonhosted.org/packages/e4/04/3532d990fdbab02e5ede063676b5c4260e7f3abea2151099c2aa745acc4c/yarl-1.22.0-cp314-cp314-macosx_10_13_x86_64.whl", hash = "sha256:0dd9a702591ca2e543631c2a017e4a547e38a5c0f29eece37d9097e04a7ac683", size = 93504, upload-time = "2025-10-06T14:11:17.106Z" }, - { url = "https://files.pythonhosted.org/packages/11/63/ff458113c5c2dac9a9719ac68ee7c947cb621432bcf28c9972b1c0e83938/yarl-1.22.0-cp314-cp314-macosx_11_0_arm64.whl", hash = "sha256:594fcab1032e2d2cc3321bb2e51271e7cd2b516c7d9aee780ece81b07ff8244b", size = 94282, upload-time = "2025-10-06T14:11:19.064Z" }, - { url = "https://files.pythonhosted.org/packages/a7/bc/315a56aca762d44a6aaaf7ad253f04d996cb6b27bad34410f82d76ea8038/yarl-1.22.0-cp314-cp314-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:f3d7a87a78d46a2e3d5b72587ac14b4c16952dd0887dbb051451eceac774411e", size = 372080, upload-time = "2025-10-06T14:11:20.996Z" }, - { url = "https://files.pythonhosted.org/packages/3f/3f/08e9b826ec2e099ea6e7c69a61272f4f6da62cb5b1b63590bb80ca2e4a40/yarl-1.22.0-cp314-cp314-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:852863707010316c973162e703bddabec35e8757e67fcb8ad58829de1ebc8590", size = 338696, upload-time = "2025-10-06T14:11:22.847Z" }, - { url = "https://files.pythonhosted.org/packages/e3/9f/90360108e3b32bd76789088e99538febfea24a102380ae73827f62073543/yarl-1.22.0-cp314-cp314-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:131a085a53bfe839a477c0845acf21efc77457ba2bcf5899618136d64f3303a2", size = 387121, upload-time = "2025-10-06T14:11:24.889Z" }, - { url = "https://files.pythonhosted.org/packages/98/92/ab8d4657bd5b46a38094cfaea498f18bb70ce6b63508fd7e909bd1f93066/yarl-1.22.0-cp314-cp314-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:078a8aefd263f4d4f923a9677b942b445a2be970ca24548a8102689a3a8ab8da", size = 394080, upload-time = "2025-10-06T14:11:27.307Z" }, - { url = "https://files.pythonhosted.org/packages/f5/e7/d8c5a7752fef68205296201f8ec2bf718f5c805a7a7e9880576c67600658/yarl-1.22.0-cp314-cp314-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:bca03b91c323036913993ff5c738d0842fc9c60c4648e5c8d98331526df89784", size = 372661, upload-time = "2025-10-06T14:11:29.387Z" }, - { url = "https://files.pythonhosted.org/packages/b6/2e/f4d26183c8db0bb82d491b072f3127fb8c381a6206a3a56332714b79b751/yarl-1.22.0-cp314-cp314-musllinux_1_2_aarch64.whl", hash = "sha256:68986a61557d37bb90d3051a45b91fa3d5c516d177dfc6dd6f2f436a07ff2b6b", size = 364645, upload-time = "2025-10-06T14:11:31.423Z" }, - { url = "https://files.pythonhosted.org/packages/80/7c/428e5812e6b87cd00ee8e898328a62c95825bf37c7fa87f0b6bb2ad31304/yarl-1.22.0-cp314-cp314-musllinux_1_2_armv7l.whl", hash = "sha256:4792b262d585ff0dff6bcb787f8492e40698443ec982a3568c2096433660c694", size = 355361, upload-time = "2025-10-06T14:11:33.055Z" }, - { url = "https://files.pythonhosted.org/packages/ec/2a/249405fd26776f8b13c067378ef4d7dd49c9098d1b6457cdd152a99e96a9/yarl-1.22.0-cp314-cp314-musllinux_1_2_ppc64le.whl", hash = "sha256:ebd4549b108d732dba1d4ace67614b9545b21ece30937a63a65dd34efa19732d", size = 381451, upload-time = "2025-10-06T14:11:35.136Z" }, - { url = "https://files.pythonhosted.org/packages/67/a8/fb6b1adbe98cf1e2dd9fad71003d3a63a1bc22459c6e15f5714eb9323b93/yarl-1.22.0-cp314-cp314-musllinux_1_2_s390x.whl", hash = "sha256:f87ac53513d22240c7d59203f25cc3beac1e574c6cd681bbfd321987b69f95fd", size = 383814, upload-time = "2025-10-06T14:11:37.094Z" }, - { url = "https://files.pythonhosted.org/packages/d9/f9/3aa2c0e480fb73e872ae2814c43bc1e734740bb0d54e8cb2a95925f98131/yarl-1.22.0-cp314-cp314-musllinux_1_2_x86_64.whl", hash = "sha256:22b029f2881599e2f1b06f8f1db2ee63bd309e2293ba2d566e008ba12778b8da", size = 370799, upload-time = "2025-10-06T14:11:38.83Z" }, - { url = "https://files.pythonhosted.org/packages/50/3c/af9dba3b8b5eeb302f36f16f92791f3ea62e3f47763406abf6d5a4a3333b/yarl-1.22.0-cp314-cp314-win32.whl", hash = "sha256:6a635ea45ba4ea8238463b4f7d0e721bad669f80878b7bfd1f89266e2ae63da2", size = 82990, upload-time = "2025-10-06T14:11:40.624Z" }, - { url = "https://files.pythonhosted.org/packages/ac/30/ac3a0c5bdc1d6efd1b41fa24d4897a4329b3b1e98de9449679dd327af4f0/yarl-1.22.0-cp314-cp314-win_amd64.whl", hash = "sha256:0d6e6885777af0f110b0e5d7e5dda8b704efed3894da26220b7f3d887b839a79", size = 88292, upload-time = "2025-10-06T14:11:42.578Z" }, - { url = "https://files.pythonhosted.org/packages/df/0a/227ab4ff5b998a1b7410abc7b46c9b7a26b0ca9e86c34ba4b8d8bc7c63d5/yarl-1.22.0-cp314-cp314-win_arm64.whl", hash = "sha256:8218f4e98d3c10d683584cb40f0424f4b9fd6e95610232dd75e13743b070ee33", size = 82888, upload-time = "2025-10-06T14:11:44.863Z" }, - { url = "https://files.pythonhosted.org/packages/06/5e/a15eb13db90abd87dfbefb9760c0f3f257ac42a5cac7e75dbc23bed97a9f/yarl-1.22.0-cp314-cp314t-macosx_10_13_universal2.whl", hash = "sha256:45c2842ff0e0d1b35a6bf1cd6c690939dacb617a70827f715232b2e0494d55d1", size = 146223, upload-time = "2025-10-06T14:11:46.796Z" }, - { url = "https://files.pythonhosted.org/packages/18/82/9665c61910d4d84f41a5bf6837597c89e665fa88aa4941080704645932a9/yarl-1.22.0-cp314-cp314t-macosx_10_13_x86_64.whl", hash = "sha256:d947071e6ebcf2e2bee8fce76e10faca8f7a14808ca36a910263acaacef08eca", size = 95981, upload-time = "2025-10-06T14:11:48.845Z" }, - { url = "https://files.pythonhosted.org/packages/5d/9a/2f65743589809af4d0a6d3aa749343c4b5f4c380cc24a8e94a3c6625a808/yarl-1.22.0-cp314-cp314t-macosx_11_0_arm64.whl", hash = "sha256:334b8721303e61b00019474cc103bdac3d7b1f65e91f0bfedeec2d56dfe74b53", size = 97303, upload-time = "2025-10-06T14:11:50.897Z" }, - { url = "https://files.pythonhosted.org/packages/b0/ab/5b13d3e157505c43c3b43b5a776cbf7b24a02bc4cccc40314771197e3508/yarl-1.22.0-cp314-cp314t-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:1e7ce67c34138a058fd092f67d07a72b8e31ff0c9236e751957465a24b28910c", size = 361820, upload-time = "2025-10-06T14:11:52.549Z" }, - { url = "https://files.pythonhosted.org/packages/fb/76/242a5ef4677615cf95330cfc1b4610e78184400699bdda0acb897ef5e49a/yarl-1.22.0-cp314-cp314t-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:d77e1b2c6d04711478cb1c4ab90db07f1609ccf06a287d5607fcd90dc9863acf", size = 323203, upload-time = "2025-10-06T14:11:54.225Z" }, - { url = "https://files.pythonhosted.org/packages/8c/96/475509110d3f0153b43d06164cf4195c64d16999e0c7e2d8a099adcd6907/yarl-1.22.0-cp314-cp314t-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:c4647674b6150d2cae088fc07de2738a84b8bcedebef29802cf0b0a82ab6face", size = 363173, upload-time = "2025-10-06T14:11:56.069Z" }, - { url = "https://files.pythonhosted.org/packages/c9/66/59db471aecfbd559a1fd48aedd954435558cd98c7d0da8b03cc6c140a32c/yarl-1.22.0-cp314-cp314t-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:efb07073be061c8f79d03d04139a80ba33cbd390ca8f0297aae9cce6411e4c6b", size = 373562, upload-time = "2025-10-06T14:11:58.783Z" }, - { url = "https://files.pythonhosted.org/packages/03/1f/c5d94abc91557384719da10ff166b916107c1b45e4d0423a88457071dd88/yarl-1.22.0-cp314-cp314t-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:e51ac5435758ba97ad69617e13233da53908beccc6cfcd6c34bbed8dcbede486", size = 339828, upload-time = "2025-10-06T14:12:00.686Z" }, - { url = "https://files.pythonhosted.org/packages/5f/97/aa6a143d3afba17b6465733681c70cf175af89f76ec8d9286e08437a7454/yarl-1.22.0-cp314-cp314t-musllinux_1_2_aarch64.whl", hash = "sha256:33e32a0dd0c8205efa8e83d04fc9f19313772b78522d1bdc7d9aed706bfd6138", size = 347551, upload-time = "2025-10-06T14:12:02.628Z" }, - { url = "https://files.pythonhosted.org/packages/43/3c/45a2b6d80195959239a7b2a8810506d4eea5487dce61c2a3393e7fc3c52e/yarl-1.22.0-cp314-cp314t-musllinux_1_2_armv7l.whl", hash = "sha256:bf4a21e58b9cde0e401e683ebd00f6ed30a06d14e93f7c8fd059f8b6e8f87b6a", size = 334512, upload-time = "2025-10-06T14:12:04.871Z" }, - { url = "https://files.pythonhosted.org/packages/86/a0/c2ab48d74599c7c84cb104ebd799c5813de252bea0f360ffc29d270c2caa/yarl-1.22.0-cp314-cp314t-musllinux_1_2_ppc64le.whl", hash = "sha256:e4b582bab49ac33c8deb97e058cd67c2c50dac0dd134874106d9c774fd272529", size = 352400, upload-time = "2025-10-06T14:12:06.624Z" }, - { url = "https://files.pythonhosted.org/packages/32/75/f8919b2eafc929567d3d8411f72bdb1a2109c01caaab4ebfa5f8ffadc15b/yarl-1.22.0-cp314-cp314t-musllinux_1_2_s390x.whl", hash = "sha256:0b5bcc1a9c4839e7e30b7b30dd47fe5e7e44fb7054ec29b5bb8d526aa1041093", size = 357140, upload-time = "2025-10-06T14:12:08.362Z" }, - { url = "https://files.pythonhosted.org/packages/cf/72/6a85bba382f22cf78add705d8c3731748397d986e197e53ecc7835e76de7/yarl-1.22.0-cp314-cp314t-musllinux_1_2_x86_64.whl", hash = "sha256:c0232bce2170103ec23c454e54a57008a9a72b5d1c3105dc2496750da8cfa47c", size = 341473, upload-time = "2025-10-06T14:12:10.994Z" }, - { url = "https://files.pythonhosted.org/packages/35/18/55e6011f7c044dc80b98893060773cefcfdbf60dfefb8cb2f58b9bacbd83/yarl-1.22.0-cp314-cp314t-win32.whl", hash = "sha256:8009b3173bcd637be650922ac455946197d858b3630b6d8787aa9e5c4564533e", size = 89056, upload-time = "2025-10-06T14:12:13.317Z" }, - { url = "https://files.pythonhosted.org/packages/f9/86/0f0dccb6e59a9e7f122c5afd43568b1d31b8ab7dda5f1b01fb5c7025c9a9/yarl-1.22.0-cp314-cp314t-win_amd64.whl", hash = "sha256:9fb17ea16e972c63d25d4a97f016d235c78dd2344820eb35bc034bc32012ee27", size = 96292, upload-time = "2025-10-06T14:12:15.398Z" }, - { url = "https://files.pythonhosted.org/packages/48/b7/503c98092fb3b344a179579f55814b613c1fbb1c23b3ec14a7b008a66a6e/yarl-1.22.0-cp314-cp314t-win_arm64.whl", hash = "sha256:9f6d73c1436b934e3f01df1e1b21ff765cd1d28c77dfb9ace207f746d4610ee1", size = 85171, upload-time = "2025-10-06T14:12:16.935Z" }, - { url = "https://files.pythonhosted.org/packages/73/ae/b48f95715333080afb75a4504487cbe142cae1268afc482d06692d605ae6/yarl-1.22.0-py3-none-any.whl", hash = "sha256:1380560bdba02b6b6c90de54133c81c9f2a453dee9912fe58c1dcced1edb7cff", size = 46814, upload-time = "2025-10-06T14:12:53.872Z" }, -] - -[[package]] -name = "zipp" -version = "3.23.0" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/e3/02/0f2892c661036d50ede074e376733dca2ae7c6eb617489437771209d4180/zipp-3.23.0.tar.gz", hash = "sha256:a07157588a12518c9d4034df3fbbee09c814741a33ff63c05fa29d26a2404166", size = 25547, upload-time = "2025-06-08T17:06:39.4Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/2e/54/647ade08bf0db230bfea292f893923872fd20be6ac6f53b2b936ba839d75/zipp-3.23.0-py3-none-any.whl", hash = "sha256:071652d6115ed432f5ce1d34c336c0adfd6a884660d1e9712a256d3d3bd4b14e", size = 10276, upload-time = "2025-06-08T17:06:38.034Z" }, -] +version https://git-lfs.github.com/spec/v1 +oid sha256:259cc1cf709688b357fb1768f0e0591ee02c0114d8f152f6847ec4cfb9d5a035 +size 2593161